diff --git a/.github/workflows/python-app.yml b/.github/workflows/python-app.yml index c79689e..8aaf548 100644 --- a/.github/workflows/python-app.yml +++ b/.github/workflows/python-app.yml @@ -46,6 +46,7 @@ jobs: run: | python -m pip install --upgrade pip pip install flake8 pytest parameterized coverage + pip install torch==1.10.0 pip install torch-scatter -f https://pytorch-geometric.com/whl/torch-1.10.0+cpu.html if [ -f requirements.txt ]; then pip install --upgrade --upgrade-strategy eager -r requirements.txt; fi pip install . diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index ddf6ce4..f1f64ef 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,11 +1,12 @@ repos: - repo: https://github.com/pre-commit/pre-commit-hooks - rev: v2.3.0 + rev: v4.3.0 hooks: - id: check-yaml - id: end-of-file-fixer - id: trailing-whitespace - repo: https://github.com/psf/black - rev: 19.3b0 + rev: 22.6.0 hooks: - id: black + exclude: ^dist/ diff --git a/.vscode/launch.json b/.vscode/launch.json index 1105929..8f49b22 100644 --- a/.vscode/launch.json +++ b/.vscode/launch.json @@ -23,7 +23,8 @@ "env" : { "CONFIG_PATH": "../../mestrado_experimentos_dissertacao/pytorch/", "CONFIG_NAME": "predict_polygons_hrnet_ocr_w48_frame_field_local" - } + }, + "justMyCode": false, }, { "name": "Python: Remote Attach", @@ -45,7 +46,8 @@ "type": "python", "request": "launch", "program": "${file}", - "console": "integratedTerminal" + "console": "integratedTerminal", + "justMyCode": false, } ] } diff --git a/.vscode/settings.json b/.vscode/settings.json index d6d37db..c037df0 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -24,4 +24,5 @@ "[json]": { "editor.defaultFormatter": "vscode.json-language-features" }, + "python.analysis.extraPaths": [], } diff --git a/CHANGELOG.md b/CHANGELOG.md index c769ce6..45fefc3 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -1,3 +1,10 @@ +# Version 0.17.0 + +- New evaluation metrics; +- New evaluation on test set; +- New inference service with image upload; +- Bug fixes; + # Version 0.16.4 diff --git a/pytorch_segmentation_models_trainer/config_definitions/dataset_config.py b/pytorch_segmentation_models_trainer/config_definitions/dataset_config.py index 1459f14..8d36191 100644 --- a/pytorch_segmentation_models_trainer/config_definitions/dataset_config.py +++ b/pytorch_segmentation_models_trainer/config_definitions/dataset_config.py @@ -51,7 +51,9 @@ class DataLoaderConfig: @dataclass class DatasetConfig: - _target_: str = "pytorch_segmentation_models_trainer.dataset_loader.dataset.SegmentationDataset" + _target_: str = ( + "pytorch_segmentation_models_trainer.dataset_loader.dataset.SegmentationDataset" + ) input_csv_path: str = MISSING root_dir: str = MISSING gpu_augmentation_list: List = field(default_factory=list) diff --git a/pytorch_segmentation_models_trainer/config_definitions/loss_config_definition.py b/pytorch_segmentation_models_trainer/config_definitions/loss_config_definition.py index 3a89b4a..befc663 100644 --- a/pytorch_segmentation_models_trainer/config_definitions/loss_config_definition.py +++ b/pytorch_segmentation_models_trainer/config_definitions/loss_config_definition.py @@ -38,7 +38,9 @@ class SegParamsConfig: @dataclass class SegLossConfig: - _target_: str = "pytorch_segmentation_models_trainer.custom_losses.base_loss.SegLoss" + _target_: str = ( + "pytorch_segmentation_models_trainer.custom_losses.base_loss.SegLoss" + ) name: str = "seg" gt_channel_selector: SegParamsConfig = field(default_factory=SegParamsConfig) bce_coef: float = 0.5 diff --git a/pytorch_segmentation_models_trainer/config_definitions/train_config.py b/pytorch_segmentation_models_trainer/config_definitions/train_config.py index fa1d1e8..2ed8b88 100644 --- a/pytorch_segmentation_models_trainer/config_definitions/train_config.py +++ b/pytorch_segmentation_models_trainer/config_definitions/train_config.py @@ -54,7 +54,9 @@ class PLTrainerConfig: max_epochs: str = "${hyperparameters.epochs}" gpus: int = -1 precision: int = 32 - default_root_dir: str = "/experiment_data/${backbone.name}_${hyperparameters.model_name}" + default_root_dir: str = ( + "/experiment_data/${backbone.name}_${hyperparameters.model_name}" + ) @dataclass diff --git a/pytorch_segmentation_models_trainer/custom_callbacks/image_callbacks.py b/pytorch_segmentation_models_trainer/custom_callbacks/image_callbacks.py index 3a0cf5f..8f1d887 100644 --- a/pytorch_segmentation_models_trainer/custom_callbacks/image_callbacks.py +++ b/pytorch_segmentation_models_trainer/custom_callbacks/image_callbacks.py @@ -49,7 +49,7 @@ from pytorch_segmentation_models_trainer.utils import polygonrnn_utils -class ImageSegmentationResultCallback(pl.callbacks.base.Callback): +class ImageSegmentationResultCallback(pl.callbacks.Callback): def __init__( self, n_samples: int = None, @@ -151,48 +151,47 @@ def on_validation_end(self, trainer, pl_module): val_ds = pl_module.val_dataloader() device = pl_module.device logger = trainer.logger - batch = next(iter(val_ds)) - image_display = batch_denormalize_tensor(batch["image"]).to("cpu") - pred = pl_module(batch["image"].to(device)) - self.n_samples = ( + n_samples = ( pl_module.val_dataloader().batch_size if self.n_samples is None else self.n_samples ) - for i in range(self.n_samples): - image = image_display[i].numpy() - mask = batch["gt_polygons_image"][i] - predicted_mask = pred["seg"][i] - predicted_mask = predicted_mask.to("cpu") - plot_title = val_ds.dataset.get_path(i) - crossfield = pred["crossfield"] - np_crossfield = crossfield.cpu().detach().numpy().transpose(0, 2, 3, 1) - image_to_plot = np.transpose(image, (1, 2, 0)) - # image_plot_crossfield_list = [ - # get_image_plot_crossfield( - # _crossfield, crossfield_stride=10, width=0.2 - # ) - # for _crossfield in np_crossfield - # ] - axarr, fig = generate_visualization( - fig_title=plot_title, - image=image_to_plot, - ground_truth_mask=self.prepare_mask_to_plot(mask.numpy()[0]), - predicted_mask=self.prepare_mask_to_plot(predicted_mask.numpy()[0]), - ground_truth_boundary=self.prepare_mask_to_plot(mask.numpy()[1]), - predicted_boundary=self.prepare_mask_to_plot(predicted_mask.numpy()[1]), - # crossfield=image_plot_crossfield_list[i], - ) - fig.tight_layout() - fig.subplots_adjust(top=0.95) - if self.save_outputs: - saved_image = self.save_plot_to_disk( - plt, plot_title, trainer.current_epoch - ) - self.log_data_to_tensorboard( - saved_image, plot_title, logger, trainer.current_epoch + current_item = 0 + for batch in val_ds: + if current_item >= n_samples: + break + images = batch["image"] + image_display = batch_denormalize_tensor(images).to("cpu") + pred = pl_module(images.to(device)) + for i in range(images.shape[0]): + if current_item >= n_samples: + break + mask = batch["gt_polygons_image"][i] + predicted_mask = pred["seg"][i] + predicted_mask = predicted_mask.to("cpu") + plot_title = batch["path"][i] + image_to_plot = np.transpose(image_display[i], (1, 2, 0)) + axarr, fig = generate_visualization( + fig_title=plot_title, + image=image_to_plot, + ground_truth_mask=self.prepare_mask_to_plot(mask.numpy()[0]), + predicted_mask=self.prepare_mask_to_plot(predicted_mask.numpy()[0]), + ground_truth_boundary=self.prepare_mask_to_plot(mask.numpy()[1]), + predicted_boundary=self.prepare_mask_to_plot( + predicted_mask.numpy()[1] + ), ) - plt.close(fig) + fig.tight_layout() + fig.subplots_adjust(top=0.95) + if self.save_outputs: + saved_image = self.save_plot_to_disk( + plt, plot_title, trainer.current_epoch + ) + self.log_data_to_tensorboard( + saved_image, plot_title, logger, trainer.current_epoch + ) + plt.close(fig) + current_item += 1 return @@ -345,13 +344,15 @@ def on_validation_end(self, trainer, pl_module): pl_module.val_seq_len, ) gt_polygon_list = prepared_item["shapely_polygon_list"] - predicted_polygon_list = polygonrnn_utils.get_vertex_list_from_batch_tensors( - output_batch_polygons, - prepared_item["scale_h"], - prepared_item["scale_w"], - prepared_item["min_col"], - prepared_item["min_row"], - grid_size=val_ds.dataset.grid_size, + predicted_polygon_list = ( + polygonrnn_utils.get_vertex_list_from_batch_tensors( + output_batch_polygons, + prepared_item["scale_h"], + prepared_item["scale_w"], + prepared_item["min_col"], + prepared_item["min_row"], + grid_size=val_ds.dataset.grid_size, + ) ) saved_image = self.build_polygon_vis( image_path, diff --git a/pytorch_segmentation_models_trainer/custom_callbacks/training_callbacks.py b/pytorch_segmentation_models_trainer/custom_callbacks/training_callbacks.py index cbe2063..2375fa3 100644 --- a/pytorch_segmentation_models_trainer/custom_callbacks/training_callbacks.py +++ b/pytorch_segmentation_models_trainer/custom_callbacks/training_callbacks.py @@ -18,8 +18,11 @@ * * **** """ +import logging +from pathlib import Path import albumentations as A import pytorch_lightning as pl +import rasterio import torch from hydra.utils import instantiate @@ -29,8 +32,23 @@ from typing import List, Any +import concurrent.futures +import itertools -class WarmupCallback(pl.callbacks.base.Callback): +from pytorch_segmentation_models_trainer.predict import instantiate_polygonizer +from concurrent.futures import Future +from pytorch_segmentation_models_trainer.tools.polygonization.methods import ( + active_skeletons, +) +from pytorch_segmentation_models_trainer.utils.polygon_utils import ( + coerce_polygons_to_single_geometry, +) +from pytorch_segmentation_models_trainer.utils.tensor_utils import tensor_dict_to_device + +logger = logging.getLogger(__name__) + + +class WarmupCallback(pl.callbacks.Callback): def __init__(self, warmup_epochs=2) -> None: super().__init__() self.warmup_epochs = warmup_epochs @@ -66,7 +84,7 @@ def set_component_trainable(self, pl_module, trainable=True): pl_module.set_encoder_trainable(trainable=trainable) -class FrameFieldOnlyCrossfieldWarmupCallback(pl.callbacks.base.Callback): +class FrameFieldOnlyCrossfieldWarmupCallback(pl.callbacks.Callback): def __init__(self, warmup_epochs=2) -> None: super().__init__() self.warmup_epochs = warmup_epochs @@ -104,7 +122,7 @@ def set_component_trainable(self, pl_module, trainable=True): pl_module.set_all_but_crossfield_trainable(trainable=trainable) -class FrameFieldComputeWeightNormLossesCallback(pl.callbacks.base.Callback): +class FrameFieldComputeWeightNormLossesCallback(pl.callbacks.Callback): def __init__(self) -> None: super().__init__() self.loss_norm_is_initializated = False @@ -130,3 +148,175 @@ def on_train_epoch_start(self, trainer, pl_module) -> None: ) pl_module.compute_loss_norms(init_dl, loss_norm_batches) self.loss_norm_is_initializated = True + + +class FrameFieldPolygonizerCallback(pl.callbacks.BasePredictionWriter): + def __init__(self) -> None: + super().__init__() + + def on_predict_batch_end( + self, trainer, pl_module, outputs, batch, batch_idx, dataloader_idx + ): + parent_dir_name_list = [Path(path).stem for path in batch["path"]] + seg_batch, crossfield_batch = outputs + if seg_batch is None and crossfield_batch is None: + return + with concurrent.futures.ThreadPoolExecutor() as pool: + polygonizer = instantiate_polygonizer(pl_module.cfg) + try: + with torch.enable_grad(): + futures = polygonizer.process( + {"seg": seg_batch, "crossfield": crossfield_batch}, + profile=None, + parent_dir_name=parent_dir_name_list, + pool=pool, + convert_output_to_world_coords=False, + ) + except Exception as e: + logger.error(f"Error in polygonizer: {e}") + logger.warning( + "Skipping polygonizer for batch with error. Check it later." + ) + if ( + isinstance(futures, list) + and len(futures) > 0 + and isinstance(futures[0], Future) + ): + for future in concurrent.futures.as_completed(futures): + try: + future.result() + except Exception as e: + logger.error(f"Error in polygonizer: {e}") + logger.warning( + "Skipping polygonizer for batch with error. Check it later." + ) + + +class ActiveSkeletonsPolygonizerCallback(pl.callbacks.BasePredictionWriter): + def __init__(self) -> None: + super().__init__() + + def on_predict_batch_end( + self, trainer, pl_module, outputs, batch, batch_idx, dataloader_idx + ): + parent_dir_name_list = [Path(path).stem for path in batch["path"]] + seg_batch, crossfield_batch = outputs + if seg_batch is None and crossfield_batch is None: + return + polygonizer = instantiate_polygonizer(pl_module.cfg) + try: + polys = self._run_polygonize(pl_module, seg_batch, crossfield_batch) + except Exception as e: + polys = [] + for idx, (seg, crossfield) in enumerate(zip(seg_batch, crossfield_batch)): + try: + if ( + torch.sum(seg > pl_module.cfg.polygonizer.config.seg_threshold) + == 0 + ): + polys.append([]) + continue + out_contours = self._run_polygonize( + pl_module, seg.unsqueeze(0), crossfield.unsqueeze(0) + ) + if len(out_contours) == 0: + polys.append([]) + continue + polys.append(out_contours[0]) + except Exception as e1: + logger.exception( + f"An error occurred while polygonizing the image {parent_dir_name_list[idx]}. Skipping this image." + ) + logger.exception(e1) + polys.append([]) + with concurrent.futures.ThreadPoolExecutor() as pool: + futures = [] + for idx, polygon_list in enumerate(polys): + futures.append( + pool.submit( + polygonizer.data_writer.write_data, + coerce_polygons_to_single_geometry(polygon_list), + profile={"crs": None}, + folder_name=parent_dir_name_list[idx], + ) + ) + for future in concurrent.futures.as_completed(futures): + try: + future.result() + except Exception as e: + logger.error(f"Error on writing output: {e}") + logger.warning( + "Skipping writer for batch with error. Check it later." + ) + + def _run_polygonize(self, pl_module, seg_batch, crossfield_batch): + with torch.enable_grad(): + polys, probs = active_skeletons.polygonize( + seg_batch, crossfield_batch, pl_module.cfg.polygonizer.config + ) + + return polys + + +class ModPolymapperPolygonizerCallback(pl.callbacks.BasePredictionWriter): + def __init__(self, convert_output_to_world_coords=True) -> None: + super().__init__() + self.convert_output_to_world_coords = convert_output_to_world_coords + + def on_predict_batch_end( + self, trainer, pl_module, outputs, batch, batch_idx, dataloader_idx + ): + def process_polygonizer(detection, parent_dir_name, profile=None): + polygonizer = instantiate_polygonizer(pl_module.cfg) + detection["output_batch_polygons"] = detection.pop("polygonrnn_output") + polygonizer.process( + detection, + profile=profile, + parent_dir_name=parent_dir_name, + convert_output_to_world_coords=self.convert_output_to_world_coords, + ) + + parent_dir_name_list = [Path(path).stem for path in batch["path"]] + profile_list = ( + self.get_profile_list(batch) + if self.convert_output_to_world_coords + else len(parent_dir_name_list) * [None] + ) + + if len(outputs) != len(parent_dir_name_list): + raise ValueError( + "The number of detections and the number of parent_dir_name_list must be the same" + ) + futures = [] + with concurrent.futures.ThreadPoolExecutor() as pool: + for detection, parent_dir_name, profile in itertools.zip_longest( + outputs, parent_dir_name_list, profile_list + ): + future = pool.submit( + process_polygonizer, + tensor_dict_to_device(detection, "cpu"), + parent_dir_name, + profile, + ) + futures.append(future) + for future in concurrent.futures.as_completed(futures): + future.result() + + def get_profile_list(self, batch): + profile_list = [] + for path in batch["path"]: + with rasterio.open(path) as raster_ds: + profile_list.append(raster_ds.profile.copy()) + return profile_list + + # polygonizer = instantiate_polygonizer(pl_module.cfg) + # for detection, parent_dir_name in itertools.zip_longest( + # outputs, parent_dir_name_list + # ): + # detection["output_batch_polygons"] = detection["polygonrnn_output"] + # polygonizer.process( + # tensor_dict_to_device(detection, "cpu"), + # profile=None, + # parent_dir_name=parent_dir_name, + # convert_output_to_world_coords=False, + # ) diff --git a/pytorch_segmentation_models_trainer/custom_losses/base_loss.py b/pytorch_segmentation_models_trainer/custom_losses/base_loss.py index be75e59..7f955da 100644 --- a/pytorch_segmentation_models_trainer/custom_losses/base_loss.py +++ b/pytorch_segmentation_models_trainer/custom_losses/base_loss.py @@ -458,7 +458,7 @@ def compute_seg_loss_weigths(pred_batch, gt_batch, cfg): distance_weights = gt_batch["distances"] * ( height + width ) # Denormalize distances - distance_weights = w0 * torch.exp(-(distance_weights ** 2) / (sigma ** 2)) + distance_weights = w0 * torch.exp(-(distance_weights**2) / (sigma**2)) gt_batch["seg_loss_weights"] = freq_weights if use_dist: diff --git a/pytorch_segmentation_models_trainer/custom_losses/crossfield_losses.py b/pytorch_segmentation_models_trainer/custom_losses/crossfield_losses.py index f235251..7ad7ac5 100644 --- a/pytorch_segmentation_models_trainer/custom_losses/crossfield_losses.py +++ b/pytorch_segmentation_models_trainer/custom_losses/crossfield_losses.py @@ -355,9 +355,7 @@ def _compute_curvature_loss( ] = 0 # Zero out invalid angles between paths as well as corner angles vertex_angles[ self.tensorskeleton.path_delim[1:-1] - 2 - ] = ( - 0 - ) # Zero out invalid angles between paths (caused by the junction points being in all paths of the junction) + ] = 0 # Zero out invalid angles between paths (caused by the junction points being in all paths of the junction) sub_path_vertex_angle_delim = sub_path_delim.clone() sub_path_vertex_angle_delim[-1] -= 2 sub_path_sum_vertex_angle = torch_scatter.segment_sum_csr( @@ -386,9 +384,7 @@ def _compute_curvature_loss( ] = 0 # Zero out loss for start vertex of inner sub-paths curvature_loss[ self.tensorskeleton.path_delim[1:-1] - 2 - ] = ( - 0 - ) # Zero out loss for end vertex of inner paths (caused by the junction points being in all paths of the junction) + ] = 0 # Zero out loss for end vertex of inner paths (caused by the junction points being in all paths of the junction) return torch.sum(curvature_loss) def _compute_corner_loss(self, corner_angles): diff --git a/pytorch_segmentation_models_trainer/custom_metrics/metrics.py b/pytorch_segmentation_models_trainer/custom_metrics/metrics.py index 1a8604f..98ad847 100644 --- a/pytorch_segmentation_models_trainer/custom_metrics/metrics.py +++ b/pytorch_segmentation_models_trainer/custom_metrics/metrics.py @@ -20,14 +20,16 @@ """ import itertools -from typing import List, Tuple, Union +from typing import Dict, List, Tuple, Union import numpy as np import similaritymeasures as sm from shapely.geometry import Polygon, LineString, Point from shapely.geometry.base import BaseGeometry from shapely.geometry.multipolygon import MultiPolygon import torch -from pytorch_segmentation_models_trainer.utils import polygonrnn_utils +from pytorch_segmentation_models_trainer.utils import polygon_utils, polygonrnn_utils +from shapely.strtree import STRtree +import shapely.wkt def iou(y_pred: torch.Tensor, y_true: torch.Tensor, threshold: float) -> float: @@ -173,10 +175,56 @@ def hausdorff_distance(geom1: BaseGeometry, geom2: BaseGeometry) -> float: def frechet_distance( - polygon1: Polygon, polygon2: Polygon, minkowski_p_norm: float = 2 + gt_polygon: Polygon, polygon2: Polygon, minkowski_p_norm: float = 2 ) -> float: return sm.frechet_dist( - np.array(polygon1.exterior.coords), + np.array(gt_polygon.exterior.coords), np.array(polygon2.exterior.coords), p=minkowski_p_norm, ) + + +def polygon_accuracy( + gt_polygon: Polygon, + pred_polygon: Polygon, + grid_size: int = 28, + sequence_length: int = 60, +) -> float: + """Compute the polygon accuracy between two polygons. + + Args: + polygon1 (Polygon): Shapely polygon + polygon2 (Polygon): Shapely polygon + + Returns: + float: polygon accuracy + """ + _, label_index_array1 = polygonrnn_utils.build_arrays( + np.array(gt_polygon.exterior.coords), + len(gt_polygon.exterior.coords) - 1, + sequence_length, + grid_size=grid_size, + ) + _, label_index_array2 = polygonrnn_utils.build_arrays( + np.array(pred_polygon.exterior.coords), + len(pred_polygon.exterior.coords) - 1, + sequence_length, + grid_size=grid_size, + ) + ta1, ta2 = label_index_array1[2:], label_index_array2[2:] + correct = (ta1 == ta2).astype(float).sum() + return correct / ta1.shape[0] + + +def polygon_mean_max_tangent_angle_errors( + gt_polygon: Polygon, + pred_polygon: Polygon, + sampling_spacing: float = 1.0, + max_stretch: int = 2, +) -> float: + return polygon_utils.compute_contour_measure( + pred_polygon=pred_polygon, + gt_contours=gt_polygon, + sampling_spacing=sampling_spacing, + max_stretch=max_stretch, + ) diff --git a/pytorch_segmentation_models_trainer/custom_models/hrnet_models/seg_hrnet_ocr.py b/pytorch_segmentation_models_trainer/custom_models/hrnet_models/seg_hrnet_ocr.py index 9f63744..50a96e2 100644 --- a/pytorch_segmentation_models_trainer/custom_models/hrnet_models/seg_hrnet_ocr.py +++ b/pytorch_segmentation_models_trainer/custom_models/hrnet_models/seg_hrnet_ocr.py @@ -45,9 +45,9 @@ def conv3x3(in_planes, out_planes, stride=1): class SpatialGather_Module(nn.Module): """ - Aggregate the context features according to the initial - predicted probability distribution. - Employ the soft-weighted method to aggregate the context. + Aggregate the context features according to the initial + predicted probability distribution. + Employ the soft-weighted method to aggregate the context. """ def __init__(self, cls_num=0, scale=1): @@ -165,7 +165,7 @@ def forward(self, x, proxy): value = value.permute(0, 2, 1) sim_map = torch.matmul(query, key) - sim_map = (self.key_channels ** -0.5) * sim_map + sim_map = (self.key_channels**-0.5) * sim_map sim_map = F.softmax(sim_map, dim=-1) # add bg context ... diff --git a/pytorch_segmentation_models_trainer/custom_models/mod_polymapper/modpolymapper.py b/pytorch_segmentation_models_trainer/custom_models/mod_polymapper/modpolymapper.py index 9b58dcb..7807991 100644 --- a/pytorch_segmentation_models_trainer/custom_models/mod_polymapper/modpolymapper.py +++ b/pytorch_segmentation_models_trainer/custom_models/mod_polymapper/modpolymapper.py @@ -414,16 +414,21 @@ def _forward_both_models(self, obj_det_images, threshold): if item["boxes"].shape[0] == 0: detections[idx].update( { - key: [] - for key in [ - "polygonrnn_output", - "min_row", - "min_col", - "scale_h", - "scale_w", - ] + key: torch.tensor([], device=item["boxes"].device) + for key in ["min_row", "min_col", "scale_h", "scale_w"] } ) + detections[idx].update( + { + "polygonrnn_output": torch.empty( + (item["boxes"].shape[0], self.val_seq_len), + device=item["boxes"].device, + ) + } + ) + detections[idx].update( + {"extended_bboxes": torch.empty_like(item["boxes"])} + ) continue extended_bboxes = polygonrnn_utils.get_extended_bounds_from_tensor_bbox( item["boxes"], obj_det_images[idx].shape[1::], extend_factor=0.1 diff --git a/pytorch_segmentation_models_trainer/dataset_loader/dataset.py b/pytorch_segmentation_models_trainer/dataset_loader/dataset.py index 490d33a..febfa29 100644 --- a/pytorch_segmentation_models_trainer/dataset_loader/dataset.py +++ b/pytorch_segmentation_models_trainer/dataset_loader/dataset.py @@ -20,6 +20,7 @@ """ import itertools import json +import math import os from abc import abstractmethod from pathlib import Path @@ -33,6 +34,7 @@ from hydra.utils import instantiate from omegaconf import OmegaConf from PIL import Image +from albumentations.pytorch import ToTensorV2 from pytorch_segmentation_models_trainer.utils import polygonrnn_utils from pytorch_segmentation_models_trainer.utils.object_detection_utils import ( bbox_xywh_to_xyxy, @@ -41,6 +43,15 @@ from shapely.geometry import Polygon from shapely.geometry.base import BaseGeometry from torch.utils.data import Dataset +import copy + +from pytorch_toolbelt.inference.tiles import ImageSlicer, TileMerger +from pytorch_toolbelt.utils.torch_utils import ( + image_to_tensor, + tensor_from_rgb_image, + to_numpy, +) +import kornia as K def load_augmentation_object(input_list, bbox_params=None): @@ -60,7 +71,8 @@ def load_augmentation_object(input_list, bbox_params=None): class AbstractDataset(Dataset): def __init__( self, - input_csv_path: Path, + input_csv_path: Path = None, + df: pd.DataFrame = None, root_dir=None, augmentation_list=None, data_loader=None, @@ -68,23 +80,32 @@ def __init__( mask_key=None, n_first_rows_to_read=None, ) -> None: + if input_csv_path is None and df is None: + raise ValueError("Must provide either input_csv_path or df") self.input_csv_path = input_csv_path self.root_dir = root_dir - self.df = ( - pd.read_csv(input_csv_path) - if n_first_rows_to_read is None - else pd.read_csv(input_csv_path, nrows=n_first_rows_to_read) - ) + if df is not None: + self.df = df + else: + self.df = ( + pd.read_csv(input_csv_path) + if n_first_rows_to_read is None + else pd.read_csv(input_csv_path, nrows=n_first_rows_to_read) + ) + self.len = len(self.df) self.transform = ( None if augmentation_list is None else load_augmentation_object(augmentation_list) ) self.data_loader = data_loader - self.len = len(self.df) self.image_key = image_key if image_key is not None else "image" self.mask_key = mask_key if mask_key is not None else "mask" + def update_df(self, new_df): + self.df = new_df + self.len = len(self.df) + def __len__(self) -> int: return self.len @@ -137,6 +158,145 @@ def to_tensor(self, x): return x if isinstance(x, torch.Tensor) else torch.from_numpy(x) +class ImageDataset(AbstractDataset): + def __init__( + self, + input_csv_path: Path = None, + df=None, + root_dir=None, + augmentation_list=None, + data_loader=None, + image_key=None, + n_first_rows_to_read=None, + ) -> None: + super(ImageDataset, self).__init__( + input_csv_path=input_csv_path, + df=df, + root_dir=root_dir, + augmentation_list=augmentation_list, + data_loader=data_loader, + image_key=image_key, + n_first_rows_to_read=n_first_rows_to_read, + ) + + @classmethod + def get_grouped_datasets( + cls, + df, + group_by_keys: List[str], + root_dir=None, + augmentation_list=None, + image_key=None, + n_first_rows_to_read=None, + **kwargs, + ): + return { + k: cls( + df=pd.DataFrame(df.iloc[v]).reset_index(), + root_dir=root_dir, + augmentation_list=augmentation_list, + image_key=image_key, + n_first_rows_to_read=n_first_rows_to_read, + **kwargs, + ) + for k, v in df.groupby(group_by_keys).groups.items() + } + + def __getitem__(self, idx: int) -> Dict[str, Any]: + idx = idx % self.len + + image = self.load_image(idx, key=self.image_key) + result = ( + {"image": image} if self.transform is None else self.transform(image=image) + ) + result.update({"path": self.get_path(idx, key=self.image_key)}) + return result + + +class TiledInferenceImageDataset(ImageDataset): + def __init__( + self, + input_csv_path: Path = None, + df=None, + root_dir=None, + augmentation_list=None, + data_loader=None, + image_key=None, + normalize_output=True, + n_first_rows_to_read=None, + pad_if_needed=False, + model_input_shape=None, + step_shape=None, + ) -> None: + super(TiledInferenceImageDataset, self).__init__( + input_csv_path=input_csv_path, + df=df, + root_dir=root_dir, + augmentation_list=None, + data_loader=data_loader, + image_key=image_key, + n_first_rows_to_read=n_first_rows_to_read, + ) + if pad_if_needed and model_input_shape is None: + raise ValueError("Must provide model_input_shape if pad_if_needed is True") + self.pad_if_needed = pad_if_needed + self.model_input_shape = model_input_shape + self.step_shape = (224, 224) if step_shape is None else step_shape + self.transform = A.Normalize() if normalize_output else None + self.tiler_dict = dict() + self.shape_dict = dict() + self.pad_func = A.PadIfNeeded( + math.ceil(self.df["width"].max() / self.model_input_shape[0]) + * self.model_input_shape[0], + math.ceil(self.df["height"].max() / self.model_input_shape[1]) + * self.model_input_shape[1], + ) + + def __getitem__(self, idx: int) -> Dict[str, Any]: + idx = idx % self.len + + image = self.load_image(idx, key=self.image_key) + self.shape_dict[idx] = image.shape[0:2] + result = ( + {"image": image} if self.transform is None else self.transform(image=image) + ) + if self.pad_if_needed: + result = self.pad_func(**result) + result.update({"path": self.get_path(idx, key=self.image_key)}) + tiler = ImageSlicer( + result["image"].shape, + tile_size=self.model_input_shape, + tile_step=self.step_shape, + ) + tiles = [image_to_tensor(tile) for tile in tiler.split(result.pop("image"))] + result.update({"tiles": torch.stack(tiles)}) + result.update( + {"tile_image_idx": idx * torch.ones(len(tiles), dtype=torch.int64)} + ) + result.update({"tiler_object": tiler}) + result.update({"original_shape": tuple(self.df[["width", "height"]].iloc[idx])}) + return result + + @staticmethod + def collate_fn(batch: List) -> Dict[str, Union[torch.Tensor, List[str]]]: + """ + :param batch: an iterable of N sets from __getitem__() + :return: a tensor of images, lists of varying-size tensors of bounding boxes, labels, and difficulties + """ + paths = [item["path"] for item in batch] + tiles = torch.cat([item["tiles"] for item in batch], dim=0) + indexes = torch.cat([item["tile_image_idx"] for item in batch], dim=0) + tiler_object_list = [item["tiler_object"] for item in batch] + original_shape_list = [item["original_shape"] for item in batch] + return { + "path": paths, + "tiles": tiles, + "tile_image_idx": indexes, + "tiler_object_list": tiler_object_list, + "original_shape": original_shape_list, + } + + class SegmentationDataset(AbstractDataset): """[summary] @@ -232,7 +392,7 @@ def __init__( ) self.size_mask_key = size_mask_key if size_mask_key is not None else "size_mask" self.alternative_transform = A.Compose( - [A.Resize(image_height, image_width), A.Normalize(), A.pytorch.ToTensorV2()] + [A.Resize(image_height, image_width), A.Normalize(), ToTensorV2()] ) self.masks_to_load_dict = { mask_key: True, @@ -635,7 +795,7 @@ def __getitem__( @staticmethod def collate_fn( - batch: List + batch: List, ) -> Tuple[torch.Tensor, List[Dict[str, torch.Tensor]], torch.Tensor]: """ :param batch: an iterable of N sets from __getitem__() @@ -735,7 +895,10 @@ def __len__(self) -> int: return len(self.object_detection_dataset) def get_polygonrnn_data(self, idx: int) -> Dict[str, Any]: - _, polygon_rnn_data = self.polygon_rnn_dataset.get_training_images_from_image_path( + ( + _, + polygon_rnn_data, + ) = self.polygon_rnn_dataset.get_training_images_from_image_path( self.object_detection_dataset.get_path( idx, key=self.object_detection_dataset.image_key, add_root_dir=False ) @@ -749,7 +912,7 @@ def __getitem__(self, index: int) -> Tuple[torch.Tensor, Dict[str, Any], int]: @staticmethod def collate_fn( - batch: List + batch: List, ) -> Tuple[torch.Tensor, List[Dict[str, torch.Tensor]], torch.Tensor]: """ :param batch: an iterable of N sets from __getitem__() @@ -797,7 +960,7 @@ def __getitem__( @staticmethod def collate_fn( - batch: List + batch: List, ) -> Tuple[torch.Tensor, List[Dict[str, torch.Tensor]], torch.Tensor]: """ :param batch: an iterable of N sets from __getitem__() diff --git a/pytorch_segmentation_models_trainer/main.py b/pytorch_segmentation_models_trainer/main.py index aa7c485..f68af09 100644 --- a/pytorch_segmentation_models_trainer/main.py +++ b/pytorch_segmentation_models_trainer/main.py @@ -26,6 +26,10 @@ from pytorch_segmentation_models_trainer.build_mask import build_masks from pytorch_segmentation_models_trainer.config_utils import validate_config from pytorch_segmentation_models_trainer.convert_ds import convert_dataset +from pytorch_segmentation_models_trainer.predict_from_batch import predict_from_batch +from pytorch_segmentation_models_trainer.predict_mod_polymapper_from_batch import ( + predict_mod_polymapper_from_batch, +) import logging import warnings @@ -33,8 +37,12 @@ logging.getLogger("shapely.geos").setLevel(logging.CRITICAL) logging.getLogger("rasterio.errors").setLevel(logging.CRITICAL) +logging.getLogger("tensorboard").setLevel(logging.CRITICAL) +logging.getLogger("numpy").setLevel(logging.CRITICAL) +logging.getLogger("skan").setLevel(logging.CRITICAL) warnings.filterwarnings("ignore", category=NotGeoreferencedWarning) warnings.simplefilter(action="ignore", category=Warning) +warnings.filterwarnings("ignore", category=DeprecationWarning) @hydra.main(config_path="conf") @@ -43,6 +51,10 @@ def main(cfg: DictConfig): return train(cfg) elif cfg.mode == "predict": return predict(cfg) + elif cfg.mode == "predict-from-batch": + return predict_from_batch(cfg) + elif cfg.mode == "predict-mod-polymapper-from-batch": + return predict_mod_polymapper_from_batch(cfg) elif cfg.mode == "validate-config": return validate_config(cfg) elif cfg.mode == "build-mask": diff --git a/pytorch_segmentation_models_trainer/model_loader/frame_field_model.py b/pytorch_segmentation_models_trainer/model_loader/frame_field_model.py index 7928080..c9ab9e8 100644 --- a/pytorch_segmentation_models_trainer/model_loader/frame_field_model.py +++ b/pytorch_segmentation_models_trainer/model_loader/frame_field_model.py @@ -20,8 +20,12 @@ * https://github.com/Lydorn/Polygonization-by-Frame-Field-Learning/ * **** """ +import copy from logging import log from collections import OrderedDict +import os +from pathlib import Path +from pytorch_toolbelt.inference.tiles import TileMerger import torch import torch.nn as nn import segmentation_models_pytorch as smp @@ -38,8 +42,11 @@ initialize_head, ) from pytorch_segmentation_models_trainer.custom_metrics import metrics +from pytorch_segmentation_models_trainer.predict import instantiate_polygonizer from pytorch_segmentation_models_trainer.utils import tensor_utils from tqdm import tqdm +import concurrent.futures +import kornia as K class FrameFieldModel(nn.Module): @@ -257,6 +264,9 @@ def __init__(self, cfg): trainable=self.cfg.pl_model.set_crossfield_trainable ) + def set_test_dataset(self, dataset): + self.test_dataset = dataset + def get_loss_function(self) -> MultiLoss: """Multi-loss model defined in frame field article Returns: @@ -501,3 +511,72 @@ def validation_epoch_end(self, outputs): ) self.log_dict(tensorboard_logs, logger=True) self.log("avg_train_loss", avg_loss, logger=True) + + def _process_test(self, batch): + with torch.no_grad(): + batch_predictions = self.model(batch["image"]) + seg_batch, crossfield_batch = batch_predictions.values() + return seg_batch, crossfield_batch + + def _process_test_like_inference_processor(self, batch): + ids = torch.unique_consecutive( + batch["tile_image_idx"] + ) # we use unique_consecutive instead of unique because we want to preserve the order of ids + with torch.no_grad(): + # tiles = batch.pop("tiles") + batch_predictions = self.model(batch["tiles"]) + seg_batch, crossfield_batch = batch_predictions.values() + seg_batch = torch.cat( + [ + self._integrate_tiles( + seg_batch[batch["tile_image_idx"] == tile_id], + copy.deepcopy(batch["tiler_object_list"][idx]), + batch["original_shape"][idx], + pad_if_needed=True, + ) + for idx, tile_id in enumerate(ids) + ], + dim=0, + ) + crossfield_batch = torch.cat( + [ + self._integrate_tiles( + crossfield_batch[batch["tile_image_idx"] == tile_id], + copy.deepcopy(batch["tiler_object_list"][idx]), + batch["original_shape"][idx], + pad_if_needed=True, + ) + for idx, tile_id in enumerate(ids) + ], + dim=0, + ) + + return seg_batch, crossfield_batch + + def _integrate_tiles( + self, tensor_tiles: torch.Tensor, tiler, original_shape, pad_if_needed=True + ): + """tiles: B x C x H x W""" + merger = TileMerger( + tiler.target_shape, + tensor_tiles.shape[1], + tiler.weight, + device=tensor_tiles.device, + ) + merger.integrate_batch(tensor_tiles, tiler.crops) + merged = merger.merge() + if not pad_if_needed: + return merged.unsqueeze(0) + return K.center_crop(merged.unsqueeze(0), size=original_shape) + + def predict_step(self, batch, batch_idx, dataloader_idx=0): + seg_batch, crossfield_batch = ( + self._process_test_like_inference_processor(batch) + if ( + hasattr(self.cfg, "use_inference_processor") + and self.cfg.use_inference_processor + ) + else self._process_test(batch) + ) + + return seg_batch, crossfield_batch diff --git a/pytorch_segmentation_models_trainer/model_loader/mod_polymapper.py b/pytorch_segmentation_models_trainer/model_loader/mod_polymapper.py index 3279b6d..6fbb72c 100644 --- a/pytorch_segmentation_models_trainer/model_loader/mod_polymapper.py +++ b/pytorch_segmentation_models_trainer/model_loader/mod_polymapper.py @@ -19,8 +19,12 @@ **** """ +import itertools +from pathlib import Path from typing import Dict, List, Union +from cv2 import threshold +import concurrent.futures import pytorch_lightning as pl import torch import torch.nn as nn @@ -29,17 +33,20 @@ from shapely.geometry import Polygon from pytorch_lightning.trainer.supporters import CombinedLoader from pytorch_segmentation_models_trainer.custom_metrics import metrics +from pytorch_segmentation_models_trainer.predict import instantiate_polygonizer from pytorch_segmentation_models_trainer.utils import ( object_detection_utils, polygonrnn_utils, ) from torch import nn from torch.utils.data import DataLoader -from torchmetrics.detection import MAP +from torchmetrics.detection.mean_ap import MeanAveragePrecision + +from pytorch_segmentation_models_trainer.utils.tensor_utils import tensor_dict_to_device class GenericPolyMapperPLModel(pl.LightningModule): - def __init__(self, cfg, grid_size=28, perform_evaluation=True): + def __init__(self, cfg, grid_size=28, val_seq_len=60, perform_evaluation=True): super(GenericPolyMapperPLModel, self).__init__() self.cfg = cfg self.model = self.get_model() @@ -48,6 +55,11 @@ def __init__(self, cfg, grid_size=28, perform_evaluation=True): if "grid_size" not in self.cfg.pl_model else self.cfg.pl_model.grid_size ) + self.val_seq_len = ( + val_seq_len + if "val_seq_len" not in self.cfg.pl_model + else self.cfg.pl_model.val_seq_len + ) self.perform_evaluation = ( perform_evaluation if "perform_evaluation" not in self.cfg.pl_model @@ -65,7 +77,7 @@ def __init__(self, cfg, grid_size=28, perform_evaluation=True): self.polygonrnn_val_ds = instantiate( self.cfg.val_dataset.polygon_rnn, _recursive_=False ) - self.val_mAP = MAP() + self.val_mAP = MeanAveragePrecision() def get_model(self): model = instantiate(self.cfg.model, _recursive_=False) @@ -182,10 +194,18 @@ def _build_tensorboard_logs(self, outputs, step_type="train"): ) if "intersection" not in outputs[0]["log"] or "union" not in outputs[0]["log"]: return tensorboard_logs - intersection = sum([x["log"]["intersection"] for x in outputs]) - union = sum([x["log"]["intersection"] for x in outputs]) + intersection = sum(sum([x["log"]["intersection"] for x in outputs])).unsqueeze( + 0 + ) + union = sum(sum([x["log"]["intersection"] for x in outputs])).unsqueeze(0) tensorboard_logs.update( - {"polygon_iou": {step_type: torch.tensor(intersection / union)}} + { + "polygon_iou": { + step_type: torch.tensor(intersection / union) + if all(union != 0) + else torch.zeros_like(intersection) + } + } ) return tensorboard_logs @@ -260,7 +280,7 @@ def evaluate_output( ) -> Dict[str, Union[float, torch.Tensor]]: return_dict = dict() box_iou, mAP = self._evaluate_obj_det(outputs, batch) - return_dict.update(mAP) + # return_dict.update(mAP) batch_polis, intersection, union = self._compute_polygonrnn_metrics( outputs, batch["polygon_rnn"] ) @@ -283,7 +303,7 @@ def _evaluate_obj_det(self, outputs, batch): for t, o in zip(obj_det_targets, outputs) ] ) - mAP = self.val_mAP(outputs, obj_det_targets) + mAP = self.val_mAP.update(outputs, obj_det_targets) return box_iou, mAP @@ -331,3 +351,10 @@ def training_epoch_end(self, outputs): def validation_epoch_end(self, outputs): tensorboard_logs = self._build_tensorboard_logs(outputs, step_type="val") self.log_dict(tensorboard_logs, logger=True) + + def predict_step(self, batch, batch_idx, dataloader_idx=0): + with torch.no_grad(): + detections = self.model( + batch["image"], threshold=self.cfg.detection_threshold + ) + return detections diff --git a/pytorch_segmentation_models_trainer/optimizers/poly_optimizers.py b/pytorch_segmentation_models_trainer/optimizers/poly_optimizers.py index a22d304..cbec9bd 100644 --- a/pytorch_segmentation_models_trainer/optimizers/poly_optimizers.py +++ b/pytorch_segmentation_models_trainer/optimizers/poly_optimizers.py @@ -21,6 +21,7 @@ **** """ +import logging import torch import tqdm from pytorch_segmentation_models_trainer.custom_losses.crossfield_losses import ( @@ -33,6 +34,8 @@ ) from pytorch_segmentation_models_trainer.optimizers import gradient_centralization +logger = logging.getLogger(__name__) + class TensorPolyOptimizer: def __init__( @@ -71,9 +74,13 @@ def __init__( dist=dist, dist_coef=dist_coef, ) - # self.optimizer = torch.optim.SGD([tensorpoly.pos], lr=config.poly_lr) + # self.optimizer = torch.optim.SGD([tensorpoly.pos], lr=config.poly_lr, weight_decay=1e-4, momentum=0.9) self.optimizer = gradient_centralization.SGD( - [tensorpoly.pos], lr=config.poly_lr, use_gc=True + [tensorpoly.pos], + lr=config.poly_lr, + weight_decay=1e-5, + momentum=0.9, + use_gc=True, ) def lr_warmup_func(iter): @@ -94,6 +101,7 @@ def step(self, iter_num): self.optimizer.zero_grad() loss, losses_dict = self.criterion(self.tensorpoly) loss.backward() + self.tensorpoly.pos.grad.data.clamp_(min=-1, max=1) self.optimizer.step() self.lr_scheduler.step(iter_num) with torch.no_grad(): @@ -241,8 +249,11 @@ def __init__( self.tensorskeleton, indicator, level, c0c2, config.loss_params ) self.optimizer = gradient_centralization.Adam( - [tensorskeleton.pos], lr=config.lr, use_gc=True + [tensorskeleton.pos], lr=config.lr, weight_decay=1e-5, use_gc=True ) + # self.optimizer = torch.optim.Adam( + # [tensorskeleton.pos], lr=config.lr, weight_decay=1e-5 + # ) self.lr_scheduler = torch.optim.lr_scheduler.ExponentialLR( self.optimizer, config.gamma ) @@ -251,9 +262,10 @@ def step(self, iter_num): self.optimizer.zero_grad() loss, losses_dict = self.criterion(self.tensorskeleton.pos, iter_num) loss.backward() + self.tensorskeleton.pos.grad.data.clamp_(min=-1, max=1) pos_gard_is_nan = torch.isnan(self.tensorskeleton.pos.grad).any().item() if pos_gard_is_nan: - print(f"{iter_num} pos.grad is nan") + logger.warn(f"{iter_num} pos.grad is nan") self.optimizer.step() with torch.no_grad(): self.tensorskeleton.pos[self.is_tip] = self.tip_pos diff --git a/pytorch_segmentation_models_trainer/predict.py b/pytorch_segmentation_models_trainer/predict.py index 812acc7..a91d8ae 100644 --- a/pytorch_segmentation_models_trainer/predict.py +++ b/pytorch_segmentation_models_trainer/predict.py @@ -64,7 +64,11 @@ def instantiate_inference_processor(cfg: DictConfig) -> AbstractInferenceProcess obj_params = dict(cfg.inference_processor) obj_params["model"] = instantiate_model_from_checkpoint(cfg) obj_params["polygonizer"] = instantiate_polygonizer(cfg) - obj_params["export_strategy"] = instantiate(cfg.export_strategy, _recursive_=False) + obj_params["export_strategy"] = ( + instantiate(cfg.export_strategy, _recursive_=False) + if "export_strategy" in cfg + else None + ) obj_params["device"] = cfg.device obj_params["batch_size"] = cfg.hyperparameters.batch_size obj_params["mask_bands"] = sum(cfg.seg_params.values()) diff --git a/pytorch_segmentation_models_trainer/predict_from_batch.py b/pytorch_segmentation_models_trainer/predict_from_batch.py new file mode 100644 index 0000000..8f6ccd5 --- /dev/null +++ b/pytorch_segmentation_models_trainer/predict_from_batch.py @@ -0,0 +1,223 @@ +# -*- coding: utf-8 -*- +""" +/*************************************************************************** + pytorch_segmentation_models_trainer + ------------------- + begin : 2021-12-15 + git sha : $Format:%H$ + copyright : (C) 2021 by Philipe Borba - Cartographic Engineer + @ Brazilian Army + email : philipeborba at gmail dot com + ***************************************************************************/ +/*************************************************************************** + * * + * This program is free software; you can redistribute it and/or modify * + * it under the terms of the GNU General Public License as published by * + * the Free Software Foundation; either version 2 of the License, or * + * (at your option) any later version. * + * * + **** +""" +import concurrent.futures +from concurrent.futures.thread import ThreadPoolExecutor +import itertools +import logging +import math +from pathlib import Path +import warnings + +from pytorch_lightning.trainer.trainer import Trainer +from pytorch_segmentation_models_trainer.custom_callbacks.training_callbacks import ( + FrameFieldPolygonizerCallback, + ActiveSkeletonsPolygonizerCallback, +) +from pytorch_segmentation_models_trainer.dataset_loader.dataset import ( + ImageDataset, + TiledInferenceImageDataset, +) +from pytorch_segmentation_models_trainer.predict import ( + instantiate_model_from_checkpoint, + instantiate_polygonizer, +) +from pytorch_segmentation_models_trainer.tools.parallel_processing.process_executor import ( + Executor, +) +from typing import Dict, List + +import hydra +import numpy as np +import omegaconf +import torch +from hydra.utils import instantiate +from omegaconf import DictConfig +from omegaconf.omegaconf import OmegaConf +from tqdm import tqdm +import swifter + +from pytorch_segmentation_models_trainer.tools.inference.inference_processors import ( + AbstractInferenceProcessor, +) +from pytorch_segmentation_models_trainer.tools.polygonization.polygonizer import ( + TemplatePolygonizerProcessor, +) +from pytorch_segmentation_models_trainer.utils.os_utils import import_module_from_cfg +from functools import partial +import copy +import albumentations as A +from albumentations.pytorch import ToTensorV2 +import pandas as pd +from rasterio.errors import NotGeoreferencedWarning + +logger = logging.getLogger(__name__) + +import os +import torch.distributed as dist +import torch.multiprocessing as mp + +WORLD_SIZE = torch.cuda.device_count() + +logging.getLogger("shapely.geos").setLevel(logging.CRITICAL) +logging.getLogger("rasterio.errors").setLevel(logging.CRITICAL) +logging.getLogger("tensorboard").setLevel(logging.CRITICAL) +logging.getLogger("numpy").setLevel(logging.CRITICAL) +logging.getLogger("skan").setLevel(logging.CRITICAL) +logging.getLogger( + "pytorch_segmentation_models_trainer.optimizers.poly_optimizers" +).setLevel(logging.CRITICAL) +warnings.filterwarnings("ignore", category=NotGeoreferencedWarning) +warnings.simplefilter(action="ignore", category=Warning) +warnings.filterwarnings("ignore", category=DeprecationWarning) +warnings.filterwarnings("ignore", category=UserWarning) + + +def instantiate_dataloaders(cfg): + df = ( + pd.read_csv( + cfg.val_dataset.input_csv_path, nrows=cfg.val_dataset.n_first_rows_to_read + ) + if "n_first_rows_to_read" in cfg.val_dataset + and cfg.val_dataset.n_first_rows_to_read is not None + else pd.read_csv(cfg.val_dataset.input_csv_path) + ) + return get_grouped_dataloaders( + cfg, + df, + windowed=False + if not hasattr(cfg, "use_inference_processor") + else cfg.use_inference_processor, + ) + + +def get_grouped_dataloaders(cfg, df, windowed=False): + ds_dict = get_grouped_datasets(cfg, df, windowed) + batch_size = cfg.hyperparameters.batch_size + return [ + ( + key, + torch.utils.data.DataLoader( + ds, + batch_size=batch_size, + shuffle=False, + drop_last=False, + num_workers=cfg.val_dataset.data_loader.num_workers, + prefetch_factor=cfg.val_dataset.data_loader.prefetch_factor, + collate_fn=ds.collate_fn if hasattr(ds, "collate_fn") else None, + ), + ) + for key, ds in sorted( + ds_dict.items(), key=lambda x: x[0][0] * x[0][1], reverse=True + ) + # if key not in [(513, 513)] + ] + + +def get_grouped_datasets(cfg, df, windowed): + from tqdm import tqdm + + tqdm.pandas() + if "skip_existing_polygons" in cfg and cfg.skip_existing_polygons: + logger.info("Filtering out images with polygonization that already exist.") + if ( + hasattr(cfg, "skip_if_folder_or_file_created") + and cfg.skip_if_folder_or_file_created == "file" + ): + df["output_exists"] = df["image"].swifter.apply( + lambda x: Path( + os.path.join( + cfg.polygonizer.data_writer.output_file_folder, + Path(x).stem, + "output.geojson", + ) + ).exists() + ) + if ( + hasattr(cfg, "save_not_found_image_list_to_csv") + and cfg.save_not_found_image_list_to_csv + ): + df[df["output_exists"] == False].to_csv( + cfg.polygonizer.data_writer.output_file_folder + + "/not_found_image_list.csv" + ) + else: + df["output_exists"] = df["image"].swifter.apply( + lambda x: Path( + os.path.join( + cfg.polygonizer.data_writer.output_file_folder, Path(x).stem + ) + ).exists() + ) + df = df[df["output_exists"] == False].reset_index(drop=True) + + ds_dict = ( + ImageDataset.get_grouped_datasets( + df, + group_by_keys=["width", "height"], + root_dir=cfg.val_dataset.root_dir, + augmentation_list=A.Compose([A.Normalize(), ToTensorV2()]), + ) + if not windowed + else TiledInferenceImageDataset.get_grouped_datasets( + df, + group_by_keys=["width", "height"], + root_dir=cfg.val_dataset.root_dir, + normalize_output=True, + pad_if_needed=True, + model_input_shape=tuple(cfg.inference_processor.model_input_shape), + step_shape=tuple(cfg.inference_processor.step_shape), + ) + ) + return ds_dict + + +@hydra.main() +def predict_from_batch(cfg: DictConfig): + logger.info( + "Starting the prediction of a model with the following configuration: \n%s", + OmegaConf.to_yaml(cfg), + ) + # model = instantiate_model_from_checkpoint_distributed(cfg) + model = import_module_from_cfg(cfg.pl_model).load_from_checkpoint( + cfg.checkpoint_path, cfg=cfg + ) + dataloader_list = instantiate_dataloaders(cfg) + trainer = Trainer( + **cfg.pl_trainer, callbacks=[ActiveSkeletonsPolygonizerCallback()] + ) + for key, dataloader in tqdm( + dataloader_list, + total=len(dataloader_list), + desc="Processing inference for each group of images", + colour="green", + ): + logger.info(f"Processing inference for images of shape {key}") + try: + trainer.predict(model, dataloader) + except Exception as e: + logger.exception(e) + logger.exception( + f"Error occurred during inference of batch group {key}. The process will continue, but you may want to run the inference again for the missing results." + ) + + +if __name__ == "__main__": + predict_from_batch() diff --git a/pytorch_segmentation_models_trainer/predict_mod_polymapper_from_batch.py b/pytorch_segmentation_models_trainer/predict_mod_polymapper_from_batch.py new file mode 100644 index 0000000..da09b57 --- /dev/null +++ b/pytorch_segmentation_models_trainer/predict_mod_polymapper_from_batch.py @@ -0,0 +1,174 @@ +# -*- coding: utf-8 -*- +""" +/*************************************************************************** + pytorch_segmentation_models_trainer + ------------------- + begin : 2021-12-15 + git sha : $Format:%H$ + copyright : (C) 2021 by Philipe Borba - Cartographic Engineer + @ Brazilian Army + email : philipeborba at gmail dot com + ***************************************************************************/ +/*************************************************************************** + * * + * This program is free software; you can redistribute it and/or modify * + * it under the terms of the GNU General Public License as published by * + * the Free Software Foundation; either version 2 of the License, or * + * (at your option) any later version. * + * * + **** +""" +import concurrent.futures +from concurrent.futures.thread import ThreadPoolExecutor +import itertools +import logging +from pathlib import Path + +from pytorch_lightning.trainer.trainer import Trainer +from pytorch_segmentation_models_trainer.custom_callbacks.training_callbacks import ( + ModPolymapperPolygonizerCallback, +) +from pytorch_segmentation_models_trainer.dataset_loader.dataset import ImageDataset +from pytorch_segmentation_models_trainer.predict import ( + instantiate_model_from_checkpoint, + instantiate_polygonizer, +) +from pytorch_segmentation_models_trainer.tools.parallel_processing.process_executor import ( + Executor, +) +from typing import Dict, List + +import hydra +import numpy as np +import omegaconf +import torch +from hydra.utils import instantiate +from omegaconf import DictConfig +from omegaconf.omegaconf import OmegaConf +from tqdm import tqdm + +from pytorch_segmentation_models_trainer.tools.inference.inference_processors import ( + AbstractInferenceProcessor, +) +from pytorch_segmentation_models_trainer.tools.polygonization.polygonizer import ( + TemplatePolygonizerProcessor, +) +from pytorch_segmentation_models_trainer.utils.os_utils import import_module_from_cfg +from functools import partial +import copy +import albumentations as A +from albumentations.pytorch import ToTensorV2 +import pandas as pd + +from pytorch_segmentation_models_trainer.utils.tensor_utils import tensor_dict_to_device + +logger = logging.getLogger(__name__) + +import os +import torch.distributed as dist +import torch.multiprocessing as mp + +WORLD_SIZE = torch.cuda.device_count() + + +def instantiate_dataloaders(cfg): + df = ( + pd.read_csv( + cfg.inference_dataset.input_csv_path, + nrows=cfg.inference_dataset.n_first_rows_to_read, + ) + if "n_first_rows_to_read" in cfg.inference_dataset + and cfg.inference_dataset.n_first_rows_to_read is not None + else pd.read_csv(cfg.inference_dataset.input_csv_path) + ) + from tqdm import tqdm + + tqdm.pandas() + if "skip_existing_polygons" in cfg and cfg.skip_existing_polygons: + logger.info("Filtering out images with polygonization that already exist.") + if ( + hasattr(cfg, "skip_if_folder_or_file_created") + and cfg.skip_if_folder_or_file_created == "file" + ): + df["output_exists"] = df["image"].swifter.apply( + lambda x: Path( + os.path.join( + cfg.polygonizer.data_writer.output_file_folder, + Path(x).stem, + "output.geojson", + ) + ).exists() + ) + if ( + hasattr(cfg, "save_not_found_image_list_to_csv") + and cfg.save_not_found_image_list_to_csv + ): + df[df["output_exists"] == False].to_csv( + cfg.polygonizer.data_writer.output_file_folder + + "/not_found_image_list.csv" + ) + else: + df["output_exists"] = df["image"].swifter.apply( + lambda x: Path( + os.path.join( + cfg.polygonizer.data_writer.output_file_folder, Path(x).stem + ) + ).exists() + ) + df = df[df["output_exists"] == False].reset_index(drop=True) + ds_dict = ImageDataset.get_grouped_datasets( + df, + group_by_keys=["width", "height"], + root_dir=cfg.inference_dataset.root_dir, + augmentation_list=A.Compose([A.Normalize(), ToTensorV2()]), + ) + batch_size = cfg.hyperparameters.batch_size + return [ + torch.utils.data.DataLoader( + ds, + batch_size=batch_size, + shuffle=False, + drop_last=False, + num_workers=cfg.inference_dataset.data_loader.num_workers, + prefetch_factor=cfg.inference_dataset.data_loader.prefetch_factor, + ) + for ds in ds_dict.values() + ] + + +@hydra.main() +def predict_mod_polymapper_from_batch(cfg: DictConfig): + logger.info( + "Starting the prediction of a model with the following configuration: \n%s", + OmegaConf.to_yaml(cfg), + ) + model = import_module_from_cfg(cfg.pl_model).load_from_checkpoint( + cfg.checkpoint_path, cfg=cfg + ) + dataloader_list = instantiate_dataloaders(cfg) + convert_output_to_world_coords = ( + cfg.convert_output_to_world_coords + if "convert_output_to_world_coords" in cfg + else False + ) + logger.info(f"Converting to world coords = {convert_output_to_world_coords}") + trainer = Trainer( + **cfg.pl_trainer, + callbacks=[ + ModPolymapperPolygonizerCallback( + convert_output_to_world_coords=convert_output_to_world_coords + ) + ], + ) + model.model.eval() + for dataloader in tqdm( + dataloader_list, + total=len(dataloader_list), + desc="Processing inference for each group of images", + colour="green", + ): + trainer.predict(model, dataloader) + + +if __name__ == "__main__": + predict_mod_polymapper_from_batch() diff --git a/pytorch_segmentation_models_trainer/server.py b/pytorch_segmentation_models_trainer/server.py index 8440818..f38cae7 100644 --- a/pytorch_segmentation_models_trainer/server.py +++ b/pytorch_segmentation_models_trainer/server.py @@ -20,6 +20,8 @@ """ import io +from pathlib import Path +import shutil from fastapi.params import Depends from pytorch_segmentation_models_trainer.tools.polygonization.polygonizer import ( @@ -29,7 +31,7 @@ import torch import torchvision -from fastapi import FastAPI, File +from fastapi import FastAPI, File, UploadFile from fastapi.responses import JSONResponse from hydra import compose, initialize from hydra.utils import instantiate @@ -45,6 +47,8 @@ ) from functools import lru_cache from .config import Settings +from rasterio.io import MemoryFile +from tempfile import NamedTemporaryFile def get_hydra_config(config_path, config_name): @@ -90,3 +94,21 @@ async def get_polygons_from_image_path( ], } ) + + +@app.post("/polygonize_image/") +async def get_polygons_from_uploaded_image( + file: UploadFile = File(...), + inference_processor: Settings = Depends(get_inference_processor), + polygonizer: Optional[dict] = None, +): + suffix = Path(file.filename).suffix + with NamedTemporaryFile(delete=True, suffix=suffix) as tmp: + shutil.copyfileobj(file.file, tmp) + # tmp_path = Path(tmp.name) + response = await get_polygons_from_image_path( + file_path=tmp.name, + inference_processor=inference_processor, + polygonizer=polygonizer, + ) + return response diff --git a/pytorch_segmentation_models_trainer/tools/data_handlers/data_writer.py b/pytorch_segmentation_models_trainer/tools/data_handlers/data_writer.py index 12ba67e..c563cdd 100644 --- a/pytorch_segmentation_models_trainer/tools/data_handlers/data_writer.py +++ b/pytorch_segmentation_models_trainer/tools/data_handlers/data_writer.py @@ -73,23 +73,39 @@ def write_data(self, input_data: np.array, profile: dict) -> None: @dataclass class VectorFileDataWriter(AbstractDataWriter): - output_file_path: str = MISSING + output_file_folder: str = MISSING + output_file_name: str = "output.geojson" driver: str = "GeoJSON" mode: str = "a" + def get_output_file_path(self, extra_folder) -> str: + if self.output_file_folder is MISSING: + raise ValueError("output_file_folder is missing") + output_file_folder = ( + self.output_file_folder + if extra_folder is None + else os.path.join(self.output_file_folder, extra_folder) + ) + if not os.path.isdir(output_file_folder): + pathlib.Path(output_file_folder).mkdir(parents=True, exist_ok=True) + output_file_path = os.path.join(output_file_folder, self.output_file_name) + return output_file_path + def write_data( self, input_data: List[Union[BaseGeometry, BaseMultipartGeometry]], profile: dict, + folder_name: str = None, ) -> None: + output_file_path = self.get_output_file_path(folder_name) geoseries = GeoSeries(input_data, crs=profile["crs"]) gdf = GeoDataFrame.from_features(geoseries, crs=profile["crs"]) if len(gdf) == 0: return - if not os.path.isfile(self.output_file_path) and self.mode == "a": - gdf.to_file(self.output_file_path, driver=self.driver) + if not os.path.isfile(output_file_path) and self.mode == "a": + gdf.to_file(output_file_path, driver=self.driver) else: - gdf.to_file(self.output_file_path, driver=self.driver, mode=self.mode) + gdf.to_file(output_file_path, driver=self.driver, mode=self.mode) @dataclass @@ -97,8 +113,8 @@ class BatchVectorFileDataWriter(VectorFileDataWriter): current_index: int = 0 def _get_current_file_path(self) -> str: - suffix = pathlib.Path(self.output_file_path).suffix - return self.output_file_path.replace( + suffix = pathlib.Path(self.output_file_name).suffix + return self.output_file_name.replace( suffix, f"_{self.current_index:08}{suffix}" ) @@ -112,7 +128,9 @@ def write_data( if len(gdf) == 0: self.current_index += 1 return - current_file_path = self._get_current_file_path() + current_file_path = ( + pathlib.Path(self.output_file_folder) / self._get_current_file_path() + ) if not os.path.isfile(current_file_path) and self.mode == "a": gdf.to_file(current_file_path, driver=self.driver) else: diff --git a/pytorch_segmentation_models_trainer/tools/detection/bbox_handler.py b/pytorch_segmentation_models_trainer/tools/detection/bbox_handler.py index 1a15a55..d1d2be6 100644 --- a/pytorch_segmentation_models_trainer/tools/detection/bbox_handler.py +++ b/pytorch_segmentation_models_trainer/tools/detection/bbox_handler.py @@ -24,7 +24,7 @@ import torch import torchvision -from sahi.postprocess.combine import NMSPostprocess, UnionMergePostprocess +from sahi.postprocess.legacy.combine import NMSPostprocess, UnionMergePostprocess from sahi.prediction import ObjectPrediction @@ -122,7 +122,7 @@ def union_merge_postprocess( def _build_return_tuple_with_selected_object_predictions( - selected_object_predictions: List[ObjectPrediction] + selected_object_predictions: List[ObjectPrediction], ) -> Tuple[torch.Tensor]: return ( torch.tensor( diff --git a/pytorch_segmentation_models_trainer/tools/evaluation/evaluate_data.py b/pytorch_segmentation_models_trainer/tools/evaluation/evaluate_data.py index 0d88928..b054421 100644 --- a/pytorch_segmentation_models_trainer/tools/evaluation/evaluate_data.py +++ b/pytorch_segmentation_models_trainer/tools/evaluation/evaluate_data.py @@ -19,7 +19,12 @@ **** """ +import copy from typing import Any, Callable, Dict, List +from shapely.geometry import Point +from pytorch_segmentation_models_trainer.tools.evaluation.matching import ( + per_vertex_error_list, +) def compute_metrics_on_match_list_dict( @@ -42,3 +47,25 @@ def compute_metrics_on_match_list_dict( item[metric.__name__] = computed_metric output_dict_list.append(item) return output_dict_list + + +def compute_vertex_errors_on_match_list_dict( + match_dict_list: List[Dict[str, Any]], convert_output_to_wkt: bool = True +) -> List[Dict[str, Any]]: + output_dict_list = [] + for idx, match_dict in enumerate(match_dict_list): + per_vertex_error_dict_list = per_vertex_error_list( + match_dict["reference"], match_dict["target"] + ) + for error_dict in per_vertex_error_dict_list: + new_dict = ( + copy.deepcopy(error_dict) + if not convert_output_to_wkt + else { + k: (v.wkt if isinstance(v, Point) else v) + for k, v in error_dict.items() + } + ) + new_dict["id"] = idx + output_dict_list.append(new_dict) + return output_dict_list diff --git a/pytorch_segmentation_models_trainer/tools/evaluation/matching.py b/pytorch_segmentation_models_trainer/tools/evaluation/matching.py index a3e77ac..0cc91f1 100644 --- a/pytorch_segmentation_models_trainer/tools/evaluation/matching.py +++ b/pytorch_segmentation_models_trainer/tools/evaluation/matching.py @@ -18,12 +18,13 @@ * * **** """ -from typing import Callable, DefaultDict, Dict, List, Tuple +from typing import Callable, DefaultDict, Dict, List, Tuple, Union import shapely import numpy as np -from shapely.geometry import Polygon +from shapely.geometry import Polygon, Point from shapely.geometry.base import BaseGeometry from shapely.strtree import STRtree +import shapely.wkt from pytorch_segmentation_models_trainer.custom_metrics.metrics import ( frechet_distance, @@ -189,3 +190,34 @@ def match_polygon_lists_by_frechet_distance( match_criteria="min", match_threshold=match_treshold, ) + + +def per_vertex_error_list( + gt_polygon: Polygon, pred_polygon: Polygon +) -> List[Dict[str, Union[Point, float]]]: + paired_dict = dict() + gt_vertexes = list(map(Point, gt_polygon.exterior.coords)) + pred_vertexes = list(map(Point, pred_polygon.exterior.coords)) + gt_tree = STRtree(gt_vertexes) + for pred_vertex in pred_vertexes: + gt_vertex = gt_tree.nearest(pred_vertex) + if gt_vertex.wkt not in paired_dict: + paired_dict[gt_vertex.wkt] = { + "pred_vertex": pred_vertex, + "distance": pred_vertex.distance(gt_vertex), + } + continue + if paired_dict[gt_vertex.wkt]["distance"] > pred_vertex.distance(gt_vertex): + paired_dict[gt_vertex.wkt] = { + "pred_vertex": pred_vertex, + "distance": pred_vertex.distance(gt_vertex), + } + output_dict_list = [ + { + "gt_vertex": shapely.wkt.loads(gt_vertex_wkt), + "pred_vertex": paired_dict["pred_vertex"], + "distance": paired_dict["distance"], + } + for gt_vertex_wkt, paired_dict in paired_dict.items() + ] + return output_dict_list diff --git a/pytorch_segmentation_models_trainer/tools/inference/inference_processors.py b/pytorch_segmentation_models_trainer/tools/inference/inference_processors.py index f5b0ce6..a9f02dd 100644 --- a/pytorch_segmentation_models_trainer/tools/inference/inference_processors.py +++ b/pytorch_segmentation_models_trainer/tools/inference/inference_processors.py @@ -65,6 +65,7 @@ def __init__( step_shape=None, mask_bands=1, config=None, + group_output_by_image_basename=False, ): self.model = model self.device = device @@ -79,6 +80,7 @@ def __init__( self.step_shape = (224, 224) if step_shape is None else step_shape self.mask_bands = mask_bands self.normalize = A.Normalize() + self.group_output_by_image_basename = group_output_by_image_basename def get_profile(self, image_path, restore_geo_transform=True): with rasterio.open(image_path, "r") as raster_ds: @@ -105,7 +107,12 @@ def process( polygonizer = self.polygonizer if polygonizer is None else polygonizer if polygonizer is not None: output_dict["polygons"] += self.process_polygonizer( - polygonizer, inference, profile + polygonizer, + inference, + profile, + image_name=Path(image_path).stem + if self.group_output_by_image_basename + else None, ) if save_inference_output: self.save_inference(image_path, threshold, profile, inference, output_dict) @@ -113,13 +120,14 @@ def process( output_dict["inference_output"].append(inference) return output_dict - def process_polygonizer(self, polygonizer, inference, profile): + def process_polygonizer(self, polygonizer, inference, profile, image_name): return polygonizer.process( { key: image_to_tensor(value).unsqueeze(0) for key, value in inference.items() }, profile, + parent_dir_name=image_name, ) def save_inference(self, image_path, threshold, profile, inference, output_dict): @@ -157,6 +165,7 @@ def __init__( step_shape=None, mask_bands=1, config=None, + group_output_by_image_basename=False, ): super(SingleImageInfereceProcessor, self).__init__( model, @@ -168,6 +177,7 @@ def __init__( step_shape=step_shape, mask_bands=mask_bands, config=config, + group_output_by_image_basename=group_output_by_image_basename, ) def make_inference( @@ -247,6 +257,7 @@ def __init__( step_shape=None, mask_bands=1, config=None, + group_output_by_image_basename=False, ): super(SingleImageFromFrameFieldProcessor, self).__init__( model, @@ -258,6 +269,7 @@ def __init__( step_shape=step_shape, mask_bands=mask_bands, config=config, + group_output_by_image_basename=group_output_by_image_basename, ) def get_merger_dict(self, tiler: ImageSlicer): @@ -294,6 +306,7 @@ def __init__( post_process_method=None, min_visibility=0.3, config=None, + group_output_by_image_basename=False, ): super(ObjectDetectionInferenceProcessor, self).__init__( model, @@ -305,6 +318,7 @@ def __init__( step_shape=step_shape, mask_bands=mask_bands, config=config, + group_output_by_image_basename=group_output_by_image_basename, ) self.post_process_method = ( post_process_method if post_process_method is not None else "union" @@ -387,6 +401,7 @@ def __init__( polygonizer=None, config=None, sequence_length=60, + group_output_by_image_basename=False, ): super(PolygonRNNInferenceProcessor, self).__init__( model, @@ -396,6 +411,7 @@ def __init__( polygonizer=polygonizer, model_input_shape=(224, 224), config=config, + group_output_by_image_basename=group_output_by_image_basename, ) self.image_size = 224 self.sequence_length = sequence_length @@ -487,5 +503,5 @@ def _get_scales( scale_w = self.image_size / object_w return scale_h, scale_w - def process_polygonizer(self, polygonizer, inference, profile): + def process_polygonizer(self, polygonizer, inference, profile, image_name=None): return self.polygonizer.process(inference, profile) diff --git a/pytorch_segmentation_models_trainer/tools/polygonization/methods/active_skeletons.py b/pytorch_segmentation_models_trainer/tools/polygonization/methods/active_skeletons.py index e266249..8560e24 100644 --- a/pytorch_segmentation_models_trainer/tools/polygonization/methods/active_skeletons.py +++ b/pytorch_segmentation_models_trainer/tools/polygonization/methods/active_skeletons.py @@ -59,15 +59,15 @@ def shapely_postprocess(polylines, np_indicator, tolerance, config): - if isinstance(tolerance, (list, ListConfig)): - # Use several tolerance values for simplification. return a dict with all results - out_polygons_dict, out_probs_dict = {}, {} - for tol in tolerance: - ( - out_polygons_dict[f"tol_{tol}"], - out_probs_dict[f"tol_{tol}"], - ) = shapely_postprocess(polylines, np_indicator, tol, config) - return out_polygons_dict, out_probs_dict + # if isinstance(tolerance, (list, ListConfig)): + # # Use several tolerance values for simplification. return a dict with all results + # out_polygons_dict, out_probs_dict = {}, {} + # for tol in tolerance: + # ( + # out_polygons_dict[f"tol_{tol}"], + # out_probs_dict[f"tol_{tol}"], + # ) = shapely_postprocess(polylines, np_indicator, tol, config) + # return out_polygons_dict, out_probs_dict height, width = np_indicator.shape[0:2] linestring_list = _get_linestring_list(polylines, width, height, tolerance) filtered_polygons, filtered_polygon_probs = [], [] @@ -164,8 +164,8 @@ def get_skeleton(np_edge_mask, config): "skeleton_image has {skeleton_image.sum()} true values. " "Continuing without detecting skeleton in this image..." ) - skimage.io.imsave("np_edge_mask.png", np_edge_mask.astype(np.uint8) * 255) - skimage.io.imsave("skeleton_image.png", skeleton_image.astype(np.uint8) * 255) + # skimage.io.imsave("np_edge_mask.png", np_edge_mask.astype(np.uint8) * 255) + # skimage.io.imsave("skeleton_image.png", skeleton_image.astype(np.uint8) * 255) return skeleton @@ -318,8 +318,16 @@ def __call__(self, seg_batch, crossfield_batch, pre_computed=None): seg_batch.shape[0] == crossfield_batch.shape[0] ), "Batch size for seg and crossfield should match" - seg_batch = seg_batch.to(self.config.device) - crossfield_batch = crossfield_batch.to(self.config.device) + seg_batch = ( + seg_batch.to(self.config.device) + if self.config.device not in seg_batch.device.type + else seg_batch + ) + crossfield_batch = ( + crossfield_batch.to(self.config.device) + if self.config.device not in crossfield_batch.device.type + else crossfield_batch + ) skeletons_batch = compute_skeletons( seg_batch, self.config, self.spatial_gradient, pool=self.pool ) diff --git a/pytorch_segmentation_models_trainer/tools/polygonization/methods/polygon_rnn_polygonization.py b/pytorch_segmentation_models_trainer/tools/polygonization/methods/polygon_rnn_polygonization.py index b2e31f1..9b1368b 100644 --- a/pytorch_segmentation_models_trainer/tools/polygonization/methods/polygon_rnn_polygonization.py +++ b/pytorch_segmentation_models_trainer/tools/polygonization/methods/polygon_rnn_polygonization.py @@ -65,4 +65,7 @@ def polygonize( batch["min_row"], grid_size=config.grid_size, ) - return shapely_postprocess(map(Polygon, predicted_polygon_list), config) + return shapely_postprocess( + list(map(Polygon, filter(lambda x: x.shape[0] > 2, predicted_polygon_list))), + config, + ) diff --git a/pytorch_segmentation_models_trainer/tools/polygonization/polygonize_utils.py b/pytorch_segmentation_models_trainer/tools/polygonization/polygonize_utils.py index a8dd3a9..6bb1929 100644 --- a/pytorch_segmentation_models_trainer/tools/polygonization/polygonize_utils.py +++ b/pytorch_segmentation_models_trainer/tools/polygonization/polygonize_utils.py @@ -28,6 +28,8 @@ import rasterio import shapely.affinity import shapely.geometry +from shapely.geometry.linestring import LineString +from shapely.geometry.polygon import Polygon import shapely.ops import skimage.measure @@ -55,7 +57,13 @@ def compute_init_contours_batch(np_indicator_batch, level, pool=None): def split_polylines_corner(polylines, corner_masks): new_polylines = [] for polyline, corner_mask in zip(polylines, corner_masks): - splits, = np.where(corner_mask) + if isinstance(polyline, Polygon): + polyline = np.array(polyline.exterior.coords) + elif isinstance(polyline, LineString): + polyline = np.array(polyline.coords) + else: + polyline = np.array(polyline) + (splits,) = np.where(corner_mask) if len(splits) == 0: new_polylines.append(polyline) continue @@ -74,6 +82,8 @@ def split_polylines_corner(polylines, corner_masks): def compute_geom_prob(geom, prob_map, output_debug=False): + if len(prob_map.shape) == 3 and prob_map.shape[0] == 1: + prob_map = prob_map[0] assert len(prob_map.shape) == 2, "prob_map should have size (H, W), not {}".format( prob_map.shape ) diff --git a/pytorch_segmentation_models_trainer/tools/polygonization/polygonizer.py b/pytorch_segmentation_models_trainer/tools/polygonization/polygonizer.py index 05b2e9a..e05a946 100644 --- a/pytorch_segmentation_models_trainer/tools/polygonization/polygonizer.py +++ b/pytorch_segmentation_models_trainer/tools/polygonization/polygonizer.py @@ -19,6 +19,7 @@ """ from abc import ABC, abstractmethod from concurrent.futures import ThreadPoolExecutor +import logging from dataclasses import dataclass, field from typing import Dict, List, Union @@ -37,10 +38,13 @@ polygon_rnn_polygonization, ) from pytorch_segmentation_models_trainer.utils.polygon_utils import ( + coerce_polygons_to_single_geometry, polygons_to_world_coords, ) from shapely.geometry import Polygon +logger = logging.getLogger(__name__) + @dataclass class TemplatePolygonizerProcessor(ABC): @@ -55,9 +59,11 @@ def __post_init__(self): def process( self, - inference: Dict[str, np.array], + inference: Dict[str, Union[np.ndarray, torch.Tensor]], profile: dict, pool: ThreadPoolExecutor = None, + parent_dir_name: str = None, + convert_output_to_world_coords: bool = True, ): """Processes the polygonization. @@ -66,28 +72,101 @@ def process( pool (concurrent.futures.ThreadPool, optional): Thread object in case of parallel execution. Defaults to None. """ - out_contours_batch, out_probs_batch = self.polygonize_method( - inference["seg"], inference["crossfield"], self.config, pool=pool - ) - return self.post_process(out_contours_batch[0], profile) - - def post_process(self, polygons: List[Polygon], profile: dict): + try: + out_contours_batch, out_probs_batch = self.polygonize_method( + inference["seg"], inference["crossfield"], self.config + ) + except Exception as e: + # logger.exception(e) + out_contours_batch = [] + for idx, (seg, crossfield) in enumerate( + zip(inference["seg"], inference["crossfield"]) + ): + try: + out_contours, _ = self.polygonize_method( + seg.unsqueeze(0), crossfield.unsqueeze(0), self.config + ) + out_contours_batch.append(out_contours[0]) + except Exception as e1: + logger.exception( + f"An error occurred while polygonizing the image {parent_dir_name[idx]}. Skipping this image." + ) + logger.exception(e1) + + if inference["seg"].shape[0] == 1: + return self.post_process( + out_contours_batch[0], + profile, + parent_dir_name=parent_dir_name[0] + if parent_dir_name is not None and len(parent_dir_name) + else None, + convert_output_to_world_coords=convert_output_to_world_coords, + ) + # ignore profile for now, just wanna get some results, I'll fix it later + if pool is None and profile is None: + return [ + self.post_process( + out_contour, + None, + parent_dir_name=parent_dir, + convert_output_to_world_coords=convert_output_to_world_coords, + np_crossfield=np_crossfield, + np_indicator=np_indicator, + ) + for out_contour, parent_dir, np_crossfield, np_indicator in zip( + out_contours_batch, + parent_dir_name, + inference["crossfield"], + inference["seg"], + ) + ] + futures = [] + profile_list = len(out_contours_batch) * [None] if profile is None else profile + for out_contour, parent_dir, profile in zip( + out_contours_batch, parent_dir_name, profile_list + ): + futures.append( + pool.submit( + self.post_process, + out_contour, + profile, + parent_dir, + convert_output_to_world_coords=convert_output_to_world_coords, + ) + ) + return futures + + def post_process( + self, + polygons: List[Polygon], + profile: dict, + parent_dir_name: str = None, + convert_output_to_world_coords: bool = True, + ): """Post-processes generated polygons from process method. Args: polygons (List[Polygon]): list of shapely polygons """ - projected_polygons = polygons_to_world_coords( - polygons, - transform=profile["transform"] - if profile["crs"] is not None - else Affine(1, 0, 0, 0, -1, 0), - epsg_number=profile["crs"].to_epsg() - if profile["crs"] is not None - else None, + if profile is None: + profile = {"crs": None} + projected_polygons = ( + polygons_to_world_coords( + polygons, + transform=profile["transform"] + if profile["crs"] is not None + else Affine(1, 0, 0, 0, -1, 0), + epsg_number=profile["crs"].to_epsg() + if profile["crs"] is not None + else None, + ) + if convert_output_to_world_coords + else coerce_polygons_to_single_geometry(polygons) ) if self.data_writer is not None: - self.data_writer.write_data(projected_polygons, profile) + self.data_writer.write_data( + projected_polygons, profile, folder_name=parent_dir_name + ) return projected_polygons @@ -190,9 +269,10 @@ def __post_init__(self): def process( self, - inference: Dict[str, np.array], + inference: Dict[str, np.ndarray], profile: dict, pool: ThreadPoolExecutor = None, + parent_dir_name: str = None, ): """Processes the polygonization. Reimplemented from template due to signature differences on polygonize method. @@ -205,7 +285,9 @@ def process( out_contours_batch, out_probs_batch = self.polygonize_method( inference["seg"], self.config, pool=pool ) - return self.post_process(out_contours_batch[0], profile) + return self.post_process( + out_contours_batch[0], profile, parent_dir_name=parent_dir_name + ) @dataclass @@ -224,9 +306,11 @@ def __post_init__(self): def process( self, - inference: Dict[str, Union[torch.Tensor, np.array]], + inference: Dict[str, Union[torch.Tensor, np.ndarray]], profile: dict, pool: ThreadPoolExecutor = None, + parent_dir_name: str = None, + convert_output_to_world_coords: bool = True, ): """Processes the polygonization. Reimplemented from template due to signature differences on polygonize method. @@ -237,4 +321,9 @@ def process( parallel execution. Defaults to None. """ out_contours_batch = self.polygonize_method(inference, self.config, pool=pool) - return self.post_process(out_contours_batch, profile) + return self.post_process( + out_contours_batch, + profile, + parent_dir_name=parent_dir_name, + convert_output_to_world_coords=convert_output_to_world_coords, + ) diff --git a/pytorch_segmentation_models_trainer/tools/visualization/crossfield_plot.py b/pytorch_segmentation_models_trainer/tools/visualization/crossfield_plot.py index 32a5033..b583c73 100644 --- a/pytorch_segmentation_models_trainer/tools/visualization/crossfield_plot.py +++ b/pytorch_segmentation_models_trainer/tools/visualization/crossfield_plot.py @@ -233,7 +233,7 @@ def plot_line_strings( artists = [] marker = "o" if draw_vertices else None for line_string in line_strings: - artist, = axis.plot(*line_string.xy, marker=marker, markersize=markersize) + (artist,) = axis.plot(*line_string.xy, marker=marker, markersize=markersize) artists.append(artist) return artists diff --git a/pytorch_segmentation_models_trainer/train.py b/pytorch_segmentation_models_trainer/train.py index dc304c5..475ac54 100644 --- a/pytorch_segmentation_models_trainer/train.py +++ b/pytorch_segmentation_models_trainer/train.py @@ -52,6 +52,9 @@ def train(cfg: DictConfig): OmegaConf.to_yaml(cfg), ) if "resume_from_checkpoint" in cfg.hyperparameters: + logger.info( + f"Resuming from checkpoint: {cfg.hyperparameters.resume_from_checkpoint}" + ) model = import_module_from_cfg(cfg.pl_model).load_from_checkpoint( cfg.hyperparameters.resume_from_checkpoint, cfg=cfg ) diff --git a/pytorch_segmentation_models_trainer/utils/frame_field_utils.py b/pytorch_segmentation_models_trainer/utils/frame_field_utils.py index 128ae74..7d54ffe 100644 --- a/pytorch_segmentation_models_trainer/utils/frame_field_utils.py +++ b/pytorch_segmentation_models_trainer/utils/frame_field_utils.py @@ -22,6 +22,8 @@ """ import numpy as np +from shapely.geometry.linestring import LineString +from shapely.geometry.polygon import Polygon import torch from pytorch_segmentation_models_trainer.utils.complex_utils import ( complex_abs_squared, @@ -123,6 +125,12 @@ def compute_is_corner(points, left_edges, right_edges): corner_masks = [] for polyline in polylines: + if isinstance(polyline, Polygon): + polyline = np.array(polyline.exterior.coords) + elif isinstance(polyline, LineString): + polyline = np.array(polyline.coords) + else: + polyline = np.array(polyline) corner_mask = np.zeros(polyline.shape[0], dtype=np.bool) if np.max(np.abs(polyline[0] - polyline[-1])) < 1e-6: # Closed polyline diff --git a/pytorch_segmentation_models_trainer/utils/os_utils.py b/pytorch_segmentation_models_trainer/utils/os_utils.py index a8d903e..64bc614 100644 --- a/pytorch_segmentation_models_trainer/utils/os_utils.py +++ b/pytorch_segmentation_models_trainer/utils/os_utils.py @@ -42,7 +42,7 @@ def create_folder(path_to_folder): def hash_file(filename): - """"This function returns the SHA-1 hash + """ "This function returns the SHA-1 hash of the file passed into it""" h = hashlib.sha1() with open(filename, "rb") as file: diff --git a/pytorch_segmentation_models_trainer/utils/polygon_utils.py b/pytorch_segmentation_models_trainer/utils/polygon_utils.py index 2b3d1ad..1c24a02 100644 --- a/pytorch_segmentation_models_trainer/utils/polygon_utils.py +++ b/pytorch_segmentation_models_trainer/utils/polygon_utils.py @@ -74,9 +74,7 @@ def polygons_to_pixel_coords(polygons, transform): def polygons_to_world_coords(polygons, transform, epsg_number): - item_list = [] - for polygon in polygons: - item_list += polygon.geoms if polygon.geom_type == "MultiPolygon" else [polygon] + item_list = coerce_polygons_to_single_geometry(polygons) return [ shapely.geometry.Polygon( np.array([transform * point for point in np.array(polygon.exterior.coords)]) @@ -85,6 +83,13 @@ def polygons_to_world_coords(polygons, transform, epsg_number): ] +def coerce_polygons_to_single_geometry(polygons): + item_list = [] + for polygon in polygons: + item_list += polygon.geoms if polygon.geom_type == "MultiPolygon" else [polygon] + return item_list + + def build_crossfield(polygons, shape, transform, line_width=2): """ Angle field {\theta_1} the tangent vector's angle for every pixel, specified on the polygon edges. @@ -340,8 +345,8 @@ def _draw_polygons( # Channels fill_channel_index = 0 # Always first channel edges_channel_index = ( - fill - ) # If fill == True, take second channel. If not then take first + fill # If fill == True, take second channel. If not then take first + ) vertices_channel_index = fill + edges # Same principle as above channel_count = fill + edges + vertices im_draw_list = [] @@ -458,9 +463,7 @@ def compute_polygon_contour_measures( return half_tangent_max_angles -def compute_contour_measure( - pred_polygon, gt_contours, sampling_spacing, max_stretch, metric_name="cosine" -): +def compute_contour_measure(pred_polygon, gt_contours, sampling_spacing, max_stretch): pred_contours = shapely.geometry.GeometryCollection( [pred_polygon.exterior, *pred_polygon.interiors] ) @@ -497,26 +500,10 @@ def compute_contour_measure( np.sum(np.multiply(edges, proj_edges), axis=1) / (edge_norms * proj_edge_norms) ) - try: - contour_measures.append(scalar_products.min()) - except ValueError: - import matplotlib.pyplot as plt - - fig, axes = plt.subplots( - nrows=1, ncols=3, figsize=(8, 4), sharex=True, sharey=True - ) - ax = axes.ravel() - plot_geometries(ax[0], [contour]) - plot_geometries(ax[1], [proj_contour]) - plot_geometries(ax[2], gt_contours) - fig.tight_layout() - plt.show() - if len(contour_measures): - min_scalar_product = min(contour_measures) - measure = np.arccos(min_scalar_product) - return measure - else: - return None + contour_measures.append(scalar_products.min()) + min_scalar_product = min(contour_measures) + measure = np.arccos(min_scalar_product) + return measure def sample_geometry(geom, density): diff --git a/pytorch_segmentation_models_trainer/utils/polygonrnn_utils.py b/pytorch_segmentation_models_trainer/utils/polygonrnn_utils.py index 9483234..00be78a 100644 --- a/pytorch_segmentation_models_trainer/utils/polygonrnn_utils.py +++ b/pytorch_segmentation_models_trainer/utils/polygonrnn_utils.py @@ -25,6 +25,7 @@ from typing import Callable, List, Optional, Union, Tuple, Dict from PIL import Image, ImageDraw import numpy as np +from shapely.geometry.collection import GeometryCollection import torch import itertools from shapely.geometry import Polygon, LineString, Point, MultiPolygon, box @@ -110,7 +111,7 @@ def cast_to_np(x): return x.cpu().numpy() if isinstance(x, torch.Tensor) else x input_array = cast_to_np(input_array) - if np.max(input_array) >= grid_size ** 2: + if np.max(input_array) >= grid_size**2: length = np.argmax(input_array) input_array = input_array[:length] if input_array.shape[0] == 0: @@ -208,7 +209,9 @@ def get_vertex_list_from_batch_tensors( def cast_func(x): return np.array(x, dtype=np.float32) - if input_batch == []: + if input_batch == [] or ( + isinstance(input_batch, torch.Tensor) and input_batch.numel() == 0 + ): return [] return [ @@ -379,7 +382,7 @@ def validate_polygon(geom: Polygon) -> List[Union[Polygon, MultiPolygon]]: valid_output = make_valid(geom) if isinstance(valid_output, (Polygon, MultiPolygon)): return [valid_output] - if isinstance(valid_output, list): + if isinstance(valid_output, (list, GeometryCollection)): return [p for p in valid_output if isinstance(p, (Polygon, MultiPolygon))] else: return [] @@ -421,17 +424,17 @@ def get_scales( target_width: float = 224.0, ) -> tuple: """ - Gets scales for the image. + Gets scales for the image. - Args: - min_row (int): min row - min_col (int): min col - max_row (int): max row - max_col (int): max col + Args: + min_row (int): min row + min_col (int): min col + max_row (int): max row + max_col (int): max col - Returns: - tuple: scale_h, scale_w - """ + Returns: + tuple: scale_h, scale_w + """ object_h = max_row - min_row object_w = max_col - min_col scale_h = target_height / object_h diff --git a/pytorch_segmentation_models_trainer/utils/tensor_utils.py b/pytorch_segmentation_models_trainer/utils/tensor_utils.py index afff7bc..dc62b80 100644 --- a/pytorch_segmentation_models_trainer/utils/tensor_utils.py +++ b/pytorch_segmentation_models_trainer/utils/tensor_utils.py @@ -21,6 +21,7 @@ **** """ +from typing import Dict import numpy as np import torch import kornia @@ -331,3 +332,11 @@ def batch_to_cuda(batch): if hasattr(item, "cuda"): batch[key] = item.cuda(non_blocking=True) return batch + + +def tensor_dict_to_device( + tensor_dict: Dict[str, torch.Tensor], device: str +) -> Dict[str, torch.Tensor]: + for key in tensor_dict.keys(): + tensor_dict[key].to(device) + return tensor_dict diff --git a/requirements.txt b/requirements.txt index 9ff9375..dfcac79 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,40 +1,42 @@ torch==1.10.0 torchvision==0.11.1 -pytorch-lightning==1.5.5 -torchmetrics>=0.6.0 +pytorch-lightning==1.7.1 +torchmetrics==0.9.3 segmentation-models-pytorch>=0.2.0 hydra-core==1.1.1 -kornia -albumentations -pandas +kornia==0.5.4 +albumentations==1.0.0 +pandas==1.2.4 tensorboardX -pillow -matplotlib -scipy -numpy -pytorch_toolbelt -descartes -fiona -psycopg2 +pillow==8.2.0 +matplotlib==3.4.2 +scipy==1.7.0 +numpy==1.20.3 +pytorch_toolbelt==0.4.3 +descartes==1.1.0 +fiona==1.8.20 +psycopg2==2.9.1 shapely==1.8.0 geopandas==0.9.0 -geoalchemy2 -rasterio -numba -sahi==0.8.13 -skan==0.9.0 -torch-scatter -tqdm -pygeos -rtree -bidict -Cython -ninja -protobuf<=3.20.1 -pyyaml -pycocotools -multiprocess -wget -fastapi==0.70.0 +geoalchemy2==0.9.0 +rasterio==1.2.6 +numba==0.53.1 +sahi==0.10.4 +skan==0.10.0 +torch-scatter==2.0.9 +tqdm==4.61.1 +pygeos==0.10 +rtree==0.9.7 +bidict==0.21.2 +Cython==0.29.24 +ninja==1.10.0.post3 +pyyaml>=5.4 +pycocotools==2.0.2 +multiprocess==0.70.12.2 +wget==3.2 +fastapi==0.79.0 uvicorn==0.16.0 -similaritymeasures +similaritymeasures==0.4.4 +colorama==0.4.4 +swifter==1.0.9 +python-multipart==0.0.5 diff --git a/setup.py b/setup.py index 03c1c18..40d9249 100644 --- a/setup.py +++ b/setup.py @@ -18,7 +18,7 @@ EMAIL = "philipeborba@gmail.com" AUTHOR = "Philipe Borba" REQUIRES_PYTHON = ">=3.6.0" -VERSION = "0.16.4" +VERSION = "0.17.0" # The rest you shouldn't have to touch too much :) # ------------------------------------------------ diff --git a/tests/test_box_handler.py b/tests/test_box_handler.py index 068bacb..f4a9d59 100644 --- a/tests/test_box_handler.py +++ b/tests/test_box_handler.py @@ -121,8 +121,8 @@ def test_nms_postprocess(self) -> None: bboxes = torch.tensor([[0, 0, 10, 10], [1, 1, 5, 5], [5, 5, 12, 12]]) scores = torch.tensor([0.9, 0.5, 0.5]) labels = torch.tensor([1, 1, 1]) - expected_bbox1 = torch.tensor([[0, 0, 10, 10]]) - expected_bbox2 = torch.tensor([[0, 0, 10, 10], [1, 1, 5, 5]]) + expected_bbox1 = torch.tensor([[0, 0, 10, 10], [1, 1, 5, 5], [5, 5, 12, 12]]) + expected_bbox2 = torch.tensor([[0, 0, 10, 10]]) (result_boxes1, _, __) = bbox_handler.nms_postprocess( bboxes, scores, labels, threshold=0.5, match_metric="IOU" ) diff --git a/tests/test_configs/experiment.yaml b/tests/test_configs/experiment.yaml index 8aa9e75..8badce2 100644 --- a/tests/test_configs/experiment.yaml +++ b/tests/test_configs/experiment.yaml @@ -16,7 +16,7 @@ optimizer: weight_decay: 1e-4 metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_frame_field.yaml b/tests/test_configs/experiment_frame_field.yaml index e428249..99cec0c 100644 --- a/tests/test_configs/experiment_frame_field.yaml +++ b/tests/test_configs/experiment_frame_field.yaml @@ -64,7 +64,7 @@ optimizer: metrics: - _target_: torchmetrics.Accuracy - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_frame_field_custom_model.yaml b/tests/test_configs/experiment_frame_field_custom_model.yaml index ca42d12..dcb9edb 100644 --- a/tests/test_configs/experiment_frame_field_custom_model.yaml +++ b/tests/test_configs/experiment_frame_field_custom_model.yaml @@ -60,7 +60,7 @@ optimizer: metrics: - _target_: torchmetrics.Accuracy - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_frame_field_with_callback.yaml b/tests/test_configs/experiment_frame_field_with_callback.yaml index 101ceec..e3e214c 100644 --- a/tests/test_configs/experiment_frame_field_with_callback.yaml +++ b/tests/test_configs/experiment_frame_field_with_callback.yaml @@ -65,7 +65,7 @@ optimizer: metrics: - _target_: torchmetrics.Accuracy - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_instance_segmentation.yaml b/tests/test_configs/experiment_instance_segmentation.yaml index bfc1d76..b0f711e 100644 --- a/tests/test_configs/experiment_instance_segmentation.yaml +++ b/tests/test_configs/experiment_instance_segmentation.yaml @@ -23,7 +23,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_naive_mod_polymapper.yaml b/tests/test_configs/experiment_naive_mod_polymapper.yaml index e356888..525fc06 100644 --- a/tests/test_configs/experiment_naive_mod_polymapper.yaml +++ b/tests/test_configs/experiment_naive_mod_polymapper.yaml @@ -23,7 +23,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_object_detection.yaml b/tests/test_configs/experiment_object_detection.yaml index 58e2860..400ca99 100644 --- a/tests/test_configs/experiment_object_detection.yaml +++ b/tests/test_configs/experiment_object_detection.yaml @@ -19,7 +19,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_object_detection_with_callback.yaml b/tests/test_configs/experiment_object_detection_with_callback.yaml index cfabc55..f5ca860 100644 --- a/tests/test_configs/experiment_object_detection_with_callback.yaml +++ b/tests/test_configs/experiment_object_detection_with_callback.yaml @@ -19,7 +19,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_optimizer_gradient_centralization.yaml b/tests/test_configs/experiment_optimizer_gradient_centralization.yaml index 4af5625..a056f0b 100644 --- a/tests/test_configs/experiment_optimizer_gradient_centralization.yaml +++ b/tests/test_configs/experiment_optimizer_gradient_centralization.yaml @@ -16,7 +16,7 @@ optimizer: use_gc: True metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_polygonrnn.yaml b/tests/test_configs/experiment_polygonrnn.yaml index 8b7a048..49f90e6 100644 --- a/tests/test_configs/experiment_polygonrnn.yaml +++ b/tests/test_configs/experiment_polygonrnn.yaml @@ -13,7 +13,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_polygonrnn_with_callback.yaml b/tests/test_configs/experiment_polygonrnn_with_callback.yaml index 3715825..ff16936 100644 --- a/tests/test_configs/experiment_polygonrnn_with_callback.yaml +++ b/tests/test_configs/experiment_polygonrnn_with_callback.yaml @@ -13,7 +13,7 @@ optimizer: device: cpu metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_warmup.yaml b/tests/test_configs/experiment_warmup.yaml index 175d08a..6084036 100644 --- a/tests/test_configs/experiment_warmup.yaml +++ b/tests/test_configs/experiment_warmup.yaml @@ -20,7 +20,7 @@ optimizer: weight_decay: 1e-4 metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/experiment_warmup_and_img_callback.yaml b/tests/test_configs/experiment_warmup_and_img_callback.yaml index e7d6846..12d78c9 100644 --- a/tests/test_configs/experiment_warmup_and_img_callback.yaml +++ b/tests/test_configs/experiment_warmup_and_img_callback.yaml @@ -22,7 +22,7 @@ optimizer: weight_decay: 1e-4 metrics: - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/frame_field_for_inference.yaml b/tests/test_configs/frame_field_for_inference.yaml index 009354d..c6a2c39 100644 --- a/tests/test_configs/frame_field_for_inference.yaml +++ b/tests/test_configs/frame_field_for_inference.yaml @@ -148,6 +148,6 @@ val_dataset: prefetch_factor: ${hyperparameters.batch_size} metrics: - _target_: torchmetrics.Accuracy -- _target_: torchmetrics.F1 +- _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/metrics_torchmetrics.yaml b/tests/test_configs/metrics_torchmetrics.yaml index 5847450..e3c3a39 100644 --- a/tests/test_configs/metrics_torchmetrics.yaml +++ b/tests/test_configs/metrics_torchmetrics.yaml @@ -2,7 +2,7 @@ metrics: - _target_: torchmetrics.Accuracy - _target_: torchmetrics.IoU num_classes: ${model.classes} - - _target_: torchmetrics.F1 + - _target_: torchmetrics.F1Score num_classes: ${model.classes} - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_configs/predict.yaml b/tests/test_configs/predict.yaml index 9c6c24a..2aa37da 100644 --- a/tests/test_configs/predict.yaml +++ b/tests/test_configs/predict.yaml @@ -67,7 +67,8 @@ polygonizer: min_area: 12 data_writer: _target_: pytorch_segmentation_models_trainer.tools.data_handlers.data_writer.VectorFileDataWriter - output_file_path: /data/output.geojson + output_file_folder: /data/ + output_file_name: output.geojson driver: GeoJSON mode: a export_strategy: diff --git a/tests/test_configs/train_config_used_in_predict_test.yaml b/tests/test_configs/train_config_used_in_predict_test.yaml index 6586db2..318d252 100644 --- a/tests/test_configs/train_config_used_in_predict_test.yaml +++ b/tests/test_configs/train_config_used_in_predict_test.yaml @@ -148,6 +148,6 @@ val_dataset: prefetch_factor: ${hyperparameters.batch_size} metrics: - _target_: torchmetrics.Accuracy -- _target_: torchmetrics.F1 +- _target_: torchmetrics.F1Score - _target_: torchmetrics.Precision - _target_: torchmetrics.Recall diff --git a/tests/test_data_writer.py b/tests/test_data_writer.py index 64d5015..4dfa685 100644 --- a/tests/test_data_writer.py +++ b/tests/test_data_writer.py @@ -88,7 +88,9 @@ def test_raster_data_writer(self) -> None: def test_vector_file_data_writer(self) -> None: input_data = [Polygon([[0, 0], [1, 0], [1, 1], [0, 1], [0, 0]])] output_file_path = os.path.join(self.output_dir, "output.geojson") - data_writer = VectorFileDataWriter(output_file_path=output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, output_file_name="output.geojson" + ) data_writer.write_data(input_data=input_data, profile={"crs": "EPSG:4326"}) assert os.path.isfile(output_file_path) output_data = geopandas.read_file(filename=output_file_path) @@ -97,7 +99,9 @@ def test_vector_file_data_writer(self) -> None: def test_batch_vector_file_data_writer(self) -> None: input_data = [Polygon([[0, 0], [1, 0], [1, 1], [0, 1], [0, 0]])] output_file_path = os.path.join(self.output_dir, "output.geojson") - data_writer = BatchVectorFileDataWriter(output_file_path=output_file_path) + data_writer = BatchVectorFileDataWriter( + output_file_folder=self.output_dir, output_file_name="output.geojson" + ) for i in range(4): data_writer.write_data(input_data=input_data, profile={"crs": "EPSG:4326"}) current_output_file_path = os.path.join( diff --git a/tests/test_evaluate_data.py b/tests/test_evaluate_data.py index a3319a8..51ab6c0 100644 --- a/tests/test_evaluate_data.py +++ b/tests/test_evaluate_data.py @@ -21,10 +21,12 @@ """ import os +import json from typing import List, Tuple import unittest from shapely.geometry import Polygon +import shapely.wkt from pytorch_segmentation_models_trainer.custom_metrics import metrics @@ -51,12 +53,20 @@ def _load_test_data() -> Tuple[List[Polygon], List[Polygon], List[Polygon]]: class Test_EvaluateData(unittest.TestCase): def test_compute_metrics_on_match_list_dict(self) -> None: - reference_polygons, candidate_polygons, expected_reference_matches = ( - _load_test_data() - ) - matched_dict_list, unmatched_references_list, unmatched_targets_list = matching.match_polygon_lists_by_iou( - reference_polygons, candidate_polygons - ) + ( + reference_polygons, + candidate_polygons, + expected_reference_matches, + ) = _load_test_data() + ( + matched_dict_list, + unmatched_references_list, + unmatched_targets_list, + ) = matching.match_polygon_lists_by_iou(reference_polygons, candidate_polygons) + + def pol_acc(x, y): + return metrics.polygon_accuracy(x, y, grid_size=300, sequence_length=10000) + evaluated_data = evaluate_data.compute_metrics_on_match_list_dict( matched_dict_list, metric_list=[ @@ -64,6 +74,8 @@ def test_compute_metrics_on_match_list_dict(self) -> None: metrics.polis, metrics.hausdorff_distance, metrics.frechet_distance, + pol_acc, + metrics.polygon_mean_max_tangent_angle_errors, ], ) evaluated_data.sort(key=lambda x: x["reference"].area) @@ -77,6 +89,11 @@ def test_compute_metrics_on_match_list_dict(self) -> None: self.assertAlmostEqual( evaluated_data[0]["frechet_distance"], 1.1838713742401072 ) + self.assertAlmostEqual(evaluated_data[0]["pol_acc"], 0.4283856771354271) + self.assertAlmostEqual( + evaluated_data[0]["polygon_mean_max_tangent_angle_errors"], + 0.18611127607744704, + ) self.assertAlmostEqual(evaluated_data[1]["iou"], 0.7500752058692223) self.assertAlmostEqual(evaluated_data[1]["intersection"], 958.5448025063769) @@ -88,3 +105,32 @@ def test_compute_metrics_on_match_list_dict(self) -> None: self.assertAlmostEqual( evaluated_data[1]["frechet_distance"], 10.658268896825216 ) + self.assertAlmostEqual(evaluated_data[1]["pol_acc"], 0.013502700540108022) + self.assertAlmostEqual( + evaluated_data[1]["polygon_mean_max_tangent_angle_errors"], + 0.5430984565886399, + ) + + def test_compute_metrics_real_data(self): + input_list_dict = json.loads( + '[{"reference": "POLYGON ((10.000 0.000, 10.000 34.000, -0.000 34.000, -0.000 0.000, 10.000 0.000))", "target": "POLYGON ((8.109 23.891, 8.000 0.000, 0.000 0.000, 0.000 34.000, 4.026 33.974, 4.975 33.025, 6.947 33.053, 8.109 23.891))"}, {"reference": "POLYGON ((115.000 33.000, 115.000 0.000, 179.000 0.000, 179.000 33.000, 115.000 33.000))", "target": "POLYGON ((114.000 0.000, 115.052 3.948, 113.020 10.980, 113.036 30.964, 116.950 33.050, 143.036 32.964, 143.936 32.064, 153.065 32.935, 153.934 32.066, 176.053 32.947, 178.999 30.001, 177.953 16.047, 178.972 4.028, 179.000 0.000, 114.000 0.000))"}, {"reference": "POLYGON ((259.000 8.000, 259.000 0.000, 300.000 -0.000, 300.000 35.000, 275.000 35.000, 275.000 33.000, 261.000 33.000, 261.000 8.000, 259.000 8.000))", "target": "POLYGON ((258.000 0.000, 259.013 3.987, 257.990 9.010, 256.043 8.958, 255.120 9.880, 250.946 10.054, 248.014 12.986, 247.912 22.088, 248.128 24.872, 251.181 27.819, 257.797 28.203, 262.940 32.060, 299.000 33.000, 299.000 0.000, 258.000 0.000))"}, {"reference": "POLYGON ((-0.000 42.000, 10.000 42.000, 10.000 61.000, 13.000 61.000, 13.000 75.000, 10.000 75.000, 10.000 88.000, -0.000 88.000, -0.000 42.000))", "target": "POLYGON ((6.994 41.006, 0.000 40.000, 0.000 86.000, 6.993 86.007, 9.051 83.950, 9.057 58.943, 8.025 57.975, 8.013 42.987, 7.026 41.974, 6.994 41.006))"}, {"reference": "POLYGON ((283.000 86.000, 283.000 84.000, 261.000 84.000, 260.000 38.000, 273.000 38.000, 273.000 40.000, 273.000 42.000, 300.000 41.000, 300.000 86.000, 283.000 86.000))", "target": "POLYGON ((299.000 40.000, 286.870 40.129, 286.120 40.880, 276.972 41.028, 274.993 43.007, 275.070 53.930, 274.015 56.984, 272.051 59.949, 262.981 60.019, 261.033 61.967, 261.039 80.961, 264.200 83.800, 271.064 83.936, 271.934 83.066, 299.000 84.000, 299.000 40.000))"}, {"reference": "POLYGON ((-0.000 91.000, 11.000 91.000, 11.000 111.000, 21.000 111.000, 22.000 116.000, 31.000 116.000, 32.000 126.000, 22.000 127.000, 22.000 135.000, -0.000 135.000, -0.000 91.000))", "target": "POLYGON ((3.021 89.979, 0.000 90.000, 0.000 135.000, 19.048 134.952, 20.978 131.022, 21.334 125.332, 29.985 125.015, 31.880 121.120, 30.976 115.024, 27.828 113.172, 21.164 112.503, 17.846 110.154, 9.948 109.052, 8.984 108.016, 8.954 92.046, 3.969 91.031, 3.021 89.979))"}, {"reference": "POLYGON ((283.000 137.000, 283.000 135.000, 276.000 135.000, 276.000 134.000, 264.000 134.000, 263.000 92.000, 300.000 92.000, 300.000 137.000, 283.000 137.000))", "target": "POLYGON ((299.000 91.000, 295.888 91.112, 295.100 91.899, 263.964 92.036, 262.001 93.998, 262.120 130.880, 264.946 133.054, 294.037 133.963, 294.937 133.063, 299.000 133.000, 299.000 91.000))"}, {"reference": "POLYGON ((-0.000 142.000, 13.000 142.000, 13.000 159.000, 20.000 159.000, 20.000 176.000, 13.000 176.000, 13.000 189.000, 0.000 189.000, -0.000 142.000))", "target": "POLYGON ((0.000 188.000, 5.982 189.893, 8.935 189.065, 11.976 184.024, 12.114 178.886, 14.975 175.025, 17.048 174.952, 18.974 172.025, 17.983 163.017, 17.969 161.031, 12.055 157.945, 11.023 156.977, 10.948 150.052, 10.002 143.998, 6.866 142.134, 0.000 142.000, 0.000 188.000))"}, {"reference": "POLYGON ((0.000 194.000, 12.000 194.000, 13.000 239.000, 0.000 239.000, 0.000 194.000))", "target": "POLYGON ((5.982 189.893, 4.057 192.943, 0.000 193.000, 0.000 239.000, 9.020 238.980, 11.063 236.937, 11.021 195.979, 10.031 194.969, 9.993 193.007, 5.982 189.893))"}, {"reference": "POLYGON ((219.000 289.000, 219.000 267.000, 233.000 267.000, 233.000 263.000, 219.000 263.000, 219.000 244.000, 300.000 245.000, 300.000 289.000, 219.000 289.000))", "target": "POLYGON ((219.872 259.128, 222.397 263.853, 220.992 267.008, 220.948 286.051, 223.104 287.896, 299.000 288.000, 299.000 243.000, 280.973 242.027, 280.024 242.976, 221.986 241.014, 219.976 243.024, 219.031 247.969, 220.021 257.979, 219.872 259.128))"}, {"reference": "POLYGON ((194.000 274.000, 209.000 274.000, 209.000 284.000, 194.000 284.000, 194.000 274.000))", "target": "POLYGON ((194.966 275.034, 193.972 282.028, 198.931 285.069, 205.023 284.978, 205.977 284.023, 208.045 283.955, 209.999 282.001, 210.029 275.971, 194.966 275.034))"}, {"reference": "POLYGON ((0.000 244.000, 13.000 244.000, 13.000 289.000, 0.000 289.000, 0.000 244.000))", "target": "POLYGON ((4.996 288.004, 7.016 288.234, 10.041 287.959, 12.000 286.001, 11.930 262.070, 12.088 260.912, 11.926 260.074, 11.926 247.074, 9.793 245.207, 3.012 243.988, 0.000 244.000, 0.000 289.000, 4.014 288.986, 4.996 288.004))"}, {"reference": "POLYGON ((284.000 189.000, 284.000 186.000, 261.000 186.000, 261.000 142.000, 271.000 142.000, 271.000 143.000, 278.000 143.000, 278.000 142.000, 297.000 142.000, 297.000 143.000, 299.000 143.000, 299.000 142.000, 300.000 142.000, 300.000 189.000, 284.000 189.000))", "target": "POLYGON ((299.000 141.000, 285.907 141.093, 285.090 141.910, 263.986 142.013, 262.025 143.975, 262.052 183.948, 264.959 186.042, 294.058 186.941, 294.932 186.068, 299.000 186.000, 299.000 141.000))"}, {"reference": "POLYGON ((0.000 294.000, 8.000 294.000, 8.000 297.000, 11.000 297.000, 11.000 294.000, 13.000 294.000, 13.000 300.000, 0.000 300.000, 0.000 294.000))", "target": "POLYGON ((6.665 292.669, 5.001 293.997, 0.000 293.000, 0.000 299.000, 12.000 299.000, 10.925 295.075, 6.665 292.669))"}, {"reference": "POLYGON ((193.000 300.000, 193.000 292.000, 209.000 292.000, 209.000 300.000, 193.000 300.000))", "target": "POLYGON ((197.925 292.825, 194.984 293.017, 192.056 295.944, 192.000 299.000, 210.000 299.000, 208.976 295.024, 208.970 294.030, 197.925 292.825))"}, {"reference": "POLYGON ((278.000 241.000, 278.000 216.000, 257.000 216.000, 257.000 196.000, 278.000 196.000, 300.000 195.000, 300.000 241.000, 278.000 241.000))", "target": "POLYGON ((299.000 192.000, 295.868 192.132, 295.108 192.891, 258.999 193.001, 256.014 195.986, 257.029 202.972, 256.879 204.121, 257.055 211.945, 259.208 213.792, 274.010 213.989, 277.985 216.015, 277.879 217.121, 278.057 217.943, 277.930 223.070, 277.060 223.941, 278.049 233.951, 280.172 235.827, 299.000 236.000, 299.000 192.000))"}, {"reference": "POLYGON ((279.000 300.000, 279.000 296.000, 300.000 296.000, 300.000 300.000, 279.000 300.000))", "target": "POLYGON ((299.000 295.000, 284.056 294.944, 278.993 298.007, 279.000 299.000, 299.000 299.000, 299.000 295.000))"}, {"reference": "POLYGON ((121.000 300.000, 121.000 293.000, 154.000 293.000, 154.000 295.000, 165.000 295.000, 165.000 293.000, 172.000 293.000, 172.000 300.000, 121.000 300.000))", "target": "POLYGON ((122.967 295.033, 122.000 299.000, 168.000 299.000, 164.857 294.143, 141.009 292.990, 139.958 294.041, 124.999 294.001, 124.088 294.912, 122.967 295.033))"}, {"reference": "POLYGON ((118.000 84.000, 118.000 39.000, 146.000 38.000, 146.000 40.000, 181.000 40.000, 182.000 70.000, 174.000 70.000, 174.000 84.000, 118.000 84.000))", "target": "POLYGON ((180.022 41.978, 175.969 40.031, 119.942 39.058, 116.984 42.016, 117.966 73.034, 117.898 80.102, 117.901 81.099, 117.932 82.068, 122.191 84.809, 126.064 84.936, 126.965 84.035, 136.034 83.966, 136.938 83.062, 171.010 83.990, 172.992 81.008, 173.068 71.932, 175.934 69.066, 178.010 68.990, 180.987 66.013, 179.999 61.002, 180.022 41.978))"}, {"reference": "POLYGON ((216.000 84.000, 216.000 58.000, 237.000 58.000, 237.000 84.000, 216.000 84.000))", "target": "POLYGON ((231.966 66.034, 220.924 65.077, 217.030 68.969, 218.014 81.986, 217.964 83.036, 221.142 84.858, 234.061 84.939, 237.008 81.992, 237.126 68.875, 237.008 67.992, 237.032 66.969, 233.002 64.998, 231.966 66.034))"}, {"reference": "POLYGON ((167.000 90.000, 167.000 115.000, 154.000 115.000, 154.000 134.000, 119.000 134.000, 119.000 90.000, 167.000 90.000))", "target": "POLYGON ((166.027 92.973, 162.091 90.909, 119.961 91.039, 117.963 94.037, 118.919 131.082, 118.955 132.045, 123.025 133.975, 150.993 134.007, 153.039 131.961, 153.066 117.934, 155.969 115.032, 163.999 115.001, 166.001 112.999, 165.921 96.079, 166.027 92.973))"}, {"reference": "POLYGON ((230.000 89.000, 243.000 89.000, 243.000 102.000, 230.000 102.000, 230.000 113.000, 218.000 113.000, 218.000 91.000, 230.000 91.000, 230.000 89.000))", "target": "POLYGON ((241.963 94.037, 242.054 91.946, 239.100 90.900, 230.013 91.987, 218.962 92.038, 218.039 110.961, 220.928 113.072, 226.023 112.977, 226.976 112.024, 228.997 112.003, 229.999 111.001, 229.024 102.976, 230.952 102.048, 231.912 101.088, 240.915 101.085, 242.841 97.159, 243.152 95.848, 241.963 94.037))"}, {"reference": "POLYGON ((120.000 185.000, 120.000 141.000, 155.000 141.000, 155.000 147.000, 167.000 147.000, 167.000 167.000, 155.000 167.000, 155.000 185.000, 120.000 185.000))", "target": "POLYGON ((153.996 142.004, 150.908 140.092, 122.996 140.004, 122.092 140.908, 120.971 141.029, 120.032 181.968, 125.182 185.817, 129.069 185.931, 129.938 185.062, 148.012 184.988, 148.973 184.027, 153.035 183.965, 155.048 181.952, 155.964 166.036, 164.972 166.028, 166.947 163.053, 167.082 157.918, 166.933 157.067, 167.075 152.925, 164.810 151.190, 155.084 149.916, 153.990 143.010, 153.996 142.004))"}, {"reference": "POLYGON ((217.000 189.000, 218.000 162.000, 242.000 162.000, 241.000 189.000, 217.000 189.000))", "target": "POLYGON ((241.024 163.976, 237.994 162.006, 220.990 162.010, 220.084 162.916, 218.972 163.028, 218.034 186.966, 220.098 188.902, 229.021 188.979, 229.942 188.058, 239.018 188.982, 241.043 186.957, 241.024 163.976))"}, {"reference": "POLYGON ((120.000 236.000, 121.000 192.000, 164.000 192.000, 163.000 217.000, 155.000 217.000, 155.000 236.000, 120.000 236.000))", "target": "POLYGON ((162.983 194.017, 157.098 191.902, 121.958 192.042, 119.940 195.060, 120.015 233.985, 154.028 234.972, 155.052 218.948, 156.948 216.052, 161.027 215.973, 163.008 213.992, 162.983 194.017))"}, {"reference": "POLYGON ((121.000 287.000, 121.000 242.000, 155.000 242.000, 155.000 244.000, 171.000 244.000, 171.000 280.000, 157.000 280.000, 157.000 287.000, 121.000 287.000))", "target": "POLYGON ((171.131 245.869, 167.060 242.940, 122.021 241.979, 120.923 247.078, 120.071 247.929, 122.018 284.982, 124.959 287.041, 155.012 286.988, 158.010 279.990, 168.016 279.984, 170.976 276.024, 170.941 247.059, 171.131 245.869))"}]' + ) + expected_results = json.loads( + '[{"polis": 0.7595855084366284, "iou": 0.7810529411764706, "intersection": 265.558, "union": 340.0, "polygon_mean_max_tangent_angle_errors": 2.1073424255447017e-08}, {"polis": 0.5709674144251844, "iou": 0.9605429278930533, "intersection": 2076.192207440712, "union": 2161.477792559288, "polygon_mean_max_tangent_angle_errors": 0.28130220215151686}, {"polis": 3.035214246728734, "iou": 0.7840629244233167, "intersection": 1249.8161939950799, "union": 1594.0253710049199, "polygon_mean_max_tangent_angle_errors": 0.9273263289744461}, {"polis": 1.4674991570362002, "iou": 0.7391038417691702, "intersection": 378.78086467522206, "union": 512.486667324778, "polygon_mean_max_tangent_angle_errors": 0.14285774600664053}, {"polis": 3.2392860148971443, "iou": 0.753951665199378, "intersection": 1341.1254510954418, "union": 1778.7949984045586, "polygon_mean_max_tangent_angle_errors": 0.7490442699432741}, {"polis": 1.1069276233704897, "iou": 0.8753381273786028, "intersection": 775.0150221957564, "union": 885.3893118042434, "polygon_mean_max_tangent_angle_errors": 0.8046625962571263}, {"polis": 1.4114570476609176, "iou": 0.8912191838935114, "intersection": 1470.420577032907, "union": 1649.8978069670932, "polygon_mean_max_tangent_angle_errors": 0.8912614734723082}, {"polis": 1.3588749027694953, "iou": 0.8617758480272056, "intersection": 632.5752363480287, "union": 734.0368586519714, "polygon_mean_max_tangent_angle_errors": 0.5924719327040762}, {"polis": 1.034552901921241, "iou": 0.8476059335136593, "intersection": 493.2054266055046, "union": 581.8805733944954, "polygon_mean_max_tangent_angle_errors": 1.007788516866259}, {"polis": 2.4518876342169507, "iou": 0.8889784655178544, "intersection": 3361.6473021025286, "union": 3781.4721418974714, "polygon_mean_max_tangent_angle_errors": 0.7977432152416802}, {"polis": 0.8545786798527895, "iou": 0.7391016751198747, "intersection": 121.435730248116, "union": 164.30179275188408, "polygon_mean_max_tangent_angle_errors": 0.7859219978178301}, {"polis": 0.9122105117598687, "iou": 0.8895062659156011, "intersection": 520.3775969815422, "union": 585.0184725184579, "polygon_mean_max_tangent_angle_errors": 0.012025128658265506}, {"polis": 1.0162207780191217, "iou": 0.9085119065677119, "intersection": 1620.8967791695393, "union": 1784.1227698304613, "polygon_mean_max_tangent_angle_errors": 0.7853981633974483}, {"polis": 0.7247574653338779, "iou": 0.5827251778143517, "intersection": 47.82558139534885, "union": 82.0722756046512, "polygon_mean_max_tangent_angle_errors": 0.673567233842361}, {"polis": 0.9168189930710355, "iou": 0.670758872812911, "intersection": 89.4505614248636, "union": 133.35725407513658, "polygon_mean_max_tangent_angle_errors": 0.7855689575888003}, {"polis": 1.7224068243770305, "iou": 0.7896575364878612, "intersection": 1223.6192305587008, "union": 1549.556831941299, "polygon_mean_max_tangent_angle_errors": 0.7853981633974484}, {"polis": 0.7680296277064764, "iou": 0.5652240897644931, "intersection": 56.68494307668528, "union": 100.28755692331458, "polygon_mean_max_tangent_angle_errors": 0.5440712345600704}, {"polis": 1.4751738669150365, "iou": 0.6213358281612769, "intersection": 215.76618138633364, "union": 347.2617731136669, "polygon_mean_max_tangent_angle_errors": 0.6943402733291576}, {"polis": 1.054487845331343, "iou": 0.9493964785960716, "intersection": 2620.5876469169475, "union": 2760.2668705830515, "polygon_mean_max_tangent_angle_errors": 0.7853981633974532}, {"polis": 2.7933753556011034, "iou": 0.6251434748878106, "intersection": 349.8611373090645, "union": 559.6493466909355, "polygon_mean_max_tangent_angle_errors": 0.7853981633974484}, {"polis": 1.1184623798083928, "iou": 0.9344868302785612, "intersection": 1764.9941087604204, "union": 1888.7308537395795, "polygon_mean_max_tangent_angle_errors": 0.7852258981106025}, {"polis": 1.1012555470578975, "iou": 0.8079096663792042, "intersection": 350.20768514423906, "union": 433.4738148557613, "polygon_mean_max_tangent_angle_errors": 0.1264104683330507}, {"polis": 1.1761195567299938, "iou": 0.9225051759867194, "intersection": 1678.8644402843518, "union": 1819.8970412156484, "polygon_mean_max_tangent_angle_errors": 0.7853981633974484}, {"polis": 0.9255714303055598, "iou": 0.9174984567901231, "intersection": 594.539, "union": 648.0000000000002, "polygon_mean_max_tangent_angle_errors": 2.1073424255447017e-08}, {"polis": 0.9324176337435838, "iou": 0.9367643530362703, "intersection": 1642.8212294767636, "union": 1753.7187705232373, "polygon_mean_max_tangent_angle_errors": 0.5796694631074284}, {"polis": 0.7877513599186978, "iou": 0.9683731426629166, "intersection": 2077.643321798474, "union": 2145.498703201526, "polygon_mean_max_tangent_angle_errors": 0.7859853623904435}]' + ) + matched_list_dict = [ + {k: shapely.wkt.loads(v) for k, v in i.items()} for i in input_list_dict + ] + evaluated_data = evaluate_data.compute_metrics_on_match_list_dict( + matched_list_dict, + metric_list=[ + metrics.polis, + metrics.polygon_iou, + metrics.polygon_mean_max_tangent_angle_errors, + ], + ) + for idx, item in enumerate(evaluated_data): + for key, value in item.items(): + if key in ["reference", "target"]: + continue + self.assertAlmostEquals(value, expected_results[idx][key]) diff --git a/tests/test_inference.py b/tests/test_inference.py index 9c23e79..0d122fb 100644 --- a/tests/test_inference.py +++ b/tests/test_inference.py @@ -86,7 +86,7 @@ current_dir, "testing_data", "data", "frame_field_data" ) -device = "cpu" +device = "cpu" if not torch.cuda.is_available() else "cuda" pretrained_checkpoints_download_links = { "frame_field_resnet152_unet_200_epochs": "https://github.com/phborba/pytorch_smt_pretrained_weights/releases/download/v0.1/frame_field_resnet152_unet_200_epochs.ckpt" @@ -140,7 +140,8 @@ def get_simple_polygonizer(self): self.output_dir, "simple_polygonizer.geojson" ) data_writer = VectorFileDataWriter( - output_file_path=self.simple_output_file_path + output_file_folder=self.output_dir, + output_file_name="simple_polygonizer.geojson", ) return SimplePolygonizerProcessor(data_writer=data_writer, config=config) @@ -149,7 +150,10 @@ def get_acm_polygonizer(self): self.acm_output_file_path = os.path.join( self.output_dir, "acm_polygonizer.geojson" ) - data_writer = VectorFileDataWriter(output_file_path=self.acm_output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, + output_file_name="acm_polygonizer.geojson", + ) return ACMPolygonizerProcessor(data_writer=data_writer, config=config) def get_asm_polygonizer(self): @@ -157,7 +161,10 @@ def get_asm_polygonizer(self): self.asm_output_file_path = os.path.join( self.output_dir, "asm_polygonizer.geojson" ) - data_writer = VectorFileDataWriter(output_file_path=self.asm_output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, + output_file_name="asm_polygonizer.geojson", + ) return ASMPolygonizerProcessor(data_writer=data_writer, config=config) def get_polygonrnn_polygonizer(self): @@ -166,7 +173,8 @@ def get_polygonrnn_polygonizer(self): self.output_dir, "polygonrnn_polygonizer.geojson" ) data_writer = VectorFileDataWriter( - output_file_path=self.polygonrnn_output_file_path + output_file_folder=self.output_dir, + output_file_name="polygonrnn_polygonizer.geojson", ) return PolygonRNNPolygonizerProcessor(data_writer=data_writer, config=config) @@ -238,9 +246,11 @@ def test_create_frame_field_inference_from_inference_processor( os.path.join(self.output_dir, f"crossfield_{name}_output.tif") ) - @parameterized.expand([("simple",), ("acm",), ("asm",)]) + @parameterized.expand( + [("simple", False), ("acm", False), ("asm", False), ("simple", True)] + ) def test_create_frame_field_inference_from_pretrained_with_polygonize( - self, polygonizer_key + self, polygonizer_key, group_output_by_image_basename ) -> None: inference_processor = SingleImageFromFrameFieldProcessor( model=self.get_model_for_eval(), @@ -252,11 +262,13 @@ def test_create_frame_field_inference_from_pretrained_with_polygonize( ), mask_bands=2, polygonizer=self.polygonizers_dict[polygonizer_key], + group_output_by_image_basename=group_output_by_image_basename, ) inference_processor.process( image_path=self.frame_field_ds[0]["path"], threshold=0.5 ) name = Path(self.frame_field_ds[0]["path"]).stem + # alterar asserts para tratar caso do encapsulate with folder assert os.path.isfile( os.path.join(self.output_dir, f"seg_{name}_{polygonizer_key}_output.tif") ) @@ -265,7 +277,15 @@ def test_create_frame_field_inference_from_pretrained_with_polygonize( self.output_dir, f"crossfield_{name}_{polygonizer_key}_output.tif" ) ) - assert os.path.isfile(getattr(self, f"{polygonizer_key}_output_file_path")) + assert ( + os.path.isfile(getattr(self, f"{polygonizer_key}_output_file_path")) + if not group_output_by_image_basename + else os.path.isfile( + self.polygonizers_dict[ + polygonizer_key + ].data_writer.get_output_file_path(name) + ) + ) def test_create_polygonrnn_inference_from_model_with_polygonize(self) -> None: csv_path = os.path.join(polygon_rnn_root_dir, "polygonrnn_dataset.csv") diff --git a/tests/test_inference_service.py b/tests/test_inference_service.py index 6d45615..8d38cbe 100644 --- a/tests/test_inference_service.py +++ b/tests/test_inference_service.py @@ -75,8 +75,9 @@ def get_asm_polygonizer(): config = ASMConfig() - asm_output_file_path = os.path.join(output_dir, "asm_polygonizer.geojson") - data_writer = VectorFileDataWriter(output_file_path=asm_output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=output_dir, output_file_name="asm_polygonizer.geojson" + ) return ASMPolygonizerProcessor(data_writer=data_writer, config=config) @@ -176,3 +177,29 @@ def test_inference_from_service(self, polygonizer) -> None: response = client.post(f"/polygonize/?file_path={file_path}", json=polygonizer) self.assertEqual(response.status_code, 200) self.assertGreater(len(response.json()["features"]), 0) + + @parameterized.expand( + [ + ( + { + "_target_": "pytorch_segmentation_models_trainer.tools.polygonization.polygonizer.SimplePolygonizerProcessor", + "config": { + "data_level": 0.9, + "tolerance": 1.0, + "seg_threshold": 0.9, + "min_area": 10, + }, + "data_writer": None, + }, + ), + ] + ) + def test_inference_from_service_with_image_payload(self, polygonizer) -> None: + filename = self.frame_field_ds[0]["path"] + response = client.post( + f"/polygonize_image/", + json=polygonizer, + files={"file": ("filename", open(filename, "rb"), "image/tiff")}, + ) + self.assertEqual(response.status_code, 200) + self.assertGreater(len(response.json()["features"]), 0) diff --git a/tests/test_matching.py b/tests/test_matching.py index 5093fb4..111b0e6 100644 --- a/tests/test_matching.py +++ b/tests/test_matching.py @@ -26,8 +26,9 @@ from shapely.geometry.base import BaseGeometry import torch import geopandas +import json import numpy as np -from shapely.geometry import Polygon +from shapely.geometry import Polygon, Point from parameterized import parameterized from pytorch_segmentation_models_trainer.tools.evaluation import matching @@ -60,9 +61,11 @@ class Test_Matching(unittest.TestCase): ] ) def test_match_polygon_lists_method(self, method: Callable) -> None: - reference_polygons, candidate_polygons, expected_reference_matches = ( - _load_test_data() - ) + ( + reference_polygons, + candidate_polygons, + expected_reference_matches, + ) = _load_test_data() matched_dict_list, unmatched_references_list, unmatched_targets_list = method( reference_polygons, candidate_polygons ) @@ -75,3 +78,17 @@ def test_match_polygon_lists_method(self, method: Callable) -> None: self.assertTrue( matched_dict["reference"].equals(expected_reference_matches[idx]) ) + + def test_per_vertex_error_list(self) -> None: + gt_polygon = Polygon([(0, 0), (0, 2), (2, 2), (2, 0), (0, 0)]) + pred_polygon = Polygon( + [(0.1, 0.1), (0.1, 2.1), (30, 30), (2.4, 2.4), (2.1, 0.1), (0.1, 0.1)] + ) + output_dict_list = matching.per_vertex_error_list(gt_polygon, pred_polygon) + self.assertEqual(len(output_dict_list), 4) + expected_json_str = '[{"gt_vertex": "POINT (0 0)", "pred_vertex": "POINT (0.1 0.1)", "distance": 0.14142135623730953}, {"gt_vertex": "POINT (0 2)", "pred_vertex": "POINT (0.1 2.1)", "distance": 0.14142135623730956}, {"gt_vertex": "POINT (2 2)", "pred_vertex": "POINT (2.4 2.4)", "distance": 0.5656854249492379}, {"gt_vertex": "POINT (2 0)", "pred_vertex": "POINT (2.1 0.1)", "distance": 0.14142135623730956}]' + output_transformed_dict_list = [ + {k: (v.wkt if isinstance(v, Point) else v) for k, v in d.items()} + for d in output_dict_list + ] + self.assertEqual(expected_json_str, json.dumps(output_transformed_dict_list)) diff --git a/tests/test_metrics.py b/tests/test_metrics.py index 6f92546..c28ffa5 100644 --- a/tests/test_metrics.py +++ b/tests/test_metrics.py @@ -23,7 +23,9 @@ import unittest import torch import numpy as np -from shapely.geometry import Polygon +import json +import shapely.wkt +from shapely.geometry import Polygon, Point from pytorch_segmentation_models_trainer.custom_metrics import metrics @@ -76,3 +78,46 @@ def test_polis_batch(self) -> None: np.testing.assert_array_almost_equal( metrics.batch_polis(batch1, batch2), np.array([0.20466691, 0.21010164]) ) + + def test_polygon_accuracy(self) -> None: + polygon1 = Polygon([(0, 0), (0, 2), (2, 2), (2, 0), (0, 0)]) + polygon2 = Polygon([(0, 0), (0, 2), (30, 30), (2, 0), (0, 0)]) + self.assertAlmostEqual( + metrics.polygon_accuracy(polygon1, polygon1), 1.0 + ) # 100% acc, same polygon + self.assertAlmostEqual( + metrics.polygon_accuracy(polygon1, polygon2), 0.8620689655172413 + ) + self.assertAlmostEqual( + metrics.polygon_accuracy(polygon1, polygon2), + metrics.polygon_accuracy(polygon2, polygon1), + ) + + def test_polygon_mean_max_tangent_angle_errors(self) -> None: + polygon_gt = Polygon( + [ + [159, -187], + [159, -191], + [161, -191], + [161, -239], + [133, -239], + [133, -261], + [100, -261], + [100, -191], + [116, -191], + [116, -189], + [143, -189], + [143, -187], + [159, -187], + ] + ) + polygon_pred = shapely.wkt.loads( + "Polygon ((99.02707672120000382 -228.97312927249998893, 98.78768157960000451 -257.01211547849999306, 100.80204772950000347 -258.19812011720000555, 100.90475463869999828 -260.84509277339998334, 104.0643463134999962 -261.93560791020001943, 104.93199920649999513 -261.0681152344000111, 131.06982421879999379 -260.93005371089998334, 132.06973266599999306 -254.93026733400000694, 131.00732421879999379 -249.99267578120000621, 131.06338500979998685 -242.93661499020001315, 132.98735046389998615 -240.01264953610001385, 145.0406341553000118 -239.9593658446999882, 145.9404296875 -239.0595703125, 159.05958557130000486 -238.94041442869999514, 160.94689941409998823 -237.05310058590001177, 159.99050903319999861 -199.00949096680000139, 157.0296783446999882 -194.9703216553000118, 156.9431152344000111 -190.0568847655999889, 154.87965393069998754 -188.12034606930001246, 145.94723510739999028 -188.05276489260000972, 145.04902648929999032 -188.95097351070000968, 142.90028381350001041 -189.09971618649998959, 141.98739624020001315 -190.01260375979998685, 117.84110260010000104 -190.15890502930000139, 116.98544311519999894 -191.01411437990000763, 102.87686920170000349 -191.12321472170000902, 100.03376770020000208 -193.96626281740000763, 99.99893951420000349 -204.00112915040000416, 100.00197601319999308 -204.99798583980000899, 99.02707672120000382 -228.97312927249998893))" + ) + self.assertAlmostEqual( + metrics.polygon_mean_max_tangent_angle_errors(polygon_gt, polygon_gt), 0.0 + ) + self.assertAlmostEqual( + metrics.polygon_mean_max_tangent_angle_errors(polygon_gt, polygon_pred), + 1.0386727876965822, + ) diff --git a/tests/test_mod_polygonrnn.py b/tests/test_mod_polygonrnn.py index 9d33c78..644b1d8 100644 --- a/tests/test_mod_polygonrnn.py +++ b/tests/test_mod_polygonrnn.py @@ -178,7 +178,7 @@ def test_model_forward(self) -> None: with torch.no_grad(): out = model(sample) self.assertEqual(len(out), 2) - self.assertEqual(len(out[0].keys()), 8) + self.assertEqual(len(out[0].keys()), 9) def test_model_backwards(self) -> None: model = self._get_model(backbone_trainable_layers=5, pretrained=True) @@ -263,47 +263,47 @@ def test_pl_model_train(self, experiment_name, extra_overrides=None) -> None: trainer = train(cfg) return - @parameterized.expand( - [ - ( - "experiment_mod_polymapper_with_callback.yaml", - ["+pl_trainer.fast_dev_run=true", "+pl_model.perform_evaluation=true"], - ) - ] - ) - @unittest.skipIf( - torch.cuda.is_available(), - reason="GPU is available, features already tested in other tests.", - ) - def test_pl_model(self, experiment_name, extra_overrides=None) -> None: - extra_overrides = extra_overrides if extra_overrides is not None else [] - cfg = get_config_from_hydra( - config_name=experiment_name, - overrides_list=[ - f"train_dataset.object_detection.input_csv_path={csv_path}", - f"train_dataset.object_detection.root_dir={detection_root_dir}", - f"train_dataset.polygon_rnn.input_csv_path={poly_csv_path}", - f"train_dataset.polygon_rnn.root_dir={polygon_rnn_root_dir}", - f"val_dataset.object_detection.input_csv_path={csv_path}", - f"val_dataset.object_detection.root_dir={detection_root_dir}", - f"val_dataset.polygon_rnn.input_csv_path={poly_csv_path}", - f"val_dataset.polygon_rnn.root_dir={polygon_rnn_root_dir}", - ] - + extra_overrides, - ) - with patch.object( - GenericPolyMapperPLModel, "get_optimizer" - ) as mock_get_optimizer: - dummy_model = torch.nn.Sequential( - torch.nn.Linear(1, 1), torch.nn.ReLU(), torch.nn.Linear(1, 1) - ) - mock_get_optimizer.return_value = torch.optim.AdamW( - dummy_model.parameters() - ) - pl_model = GenericPolyMapperPLModel(cfg) - mock_model = MagicMock(spec=ModPolyMapper, side_effect=mock_model_return) - mock_model.train_obj_detection_model = True - mock_model.train_polygonrnn_model = True - pl_model.model = mock_model - trainer = Trainer(**cfg.pl_trainer) - trainer.fit(pl_model) + # @parameterized.expand( + # [ + # ( + # "experiment_mod_polymapper_with_callback.yaml", + # ["+pl_trainer.fast_dev_run=true", "+pl_model.perform_evaluation=true"], + # ) + # ] + # ) + # @unittest.skipIf( + # torch.cuda.is_available(), + # reason="GPU is available, features already tested in other tests.", + # ) + # def test_pl_model(self, experiment_name, extra_overrides=None) -> None: + # extra_overrides = extra_overrides if extra_overrides is not None else [] + # cfg = get_config_from_hydra( + # config_name=experiment_name, + # overrides_list=[ + # f"train_dataset.object_detection.input_csv_path={csv_path}", + # f"train_dataset.object_detection.root_dir={detection_root_dir}", + # f"train_dataset.polygon_rnn.input_csv_path={poly_csv_path}", + # f"train_dataset.polygon_rnn.root_dir={polygon_rnn_root_dir}", + # f"val_dataset.object_detection.input_csv_path={csv_path}", + # f"val_dataset.object_detection.root_dir={detection_root_dir}", + # f"val_dataset.polygon_rnn.input_csv_path={poly_csv_path}", + # f"val_dataset.polygon_rnn.root_dir={polygon_rnn_root_dir}", + # ] + # + extra_overrides, + # ) + # with patch.object( + # GenericPolyMapperPLModel, "get_optimizer" + # ) as mock_get_optimizer: + # dummy_model = torch.nn.Sequential( + # torch.nn.Linear(1, 1), torch.nn.ReLU(), torch.nn.Linear(1, 1) + # ) + # mock_get_optimizer.return_value = torch.optim.AdamW( + # dummy_model.parameters() + # ) + # pl_model = GenericPolyMapperPLModel(cfg) + # mock_model = MagicMock(spec=ModPolyMapper, side_effect=mock_model_return) + # mock_model.train_obj_detection_model = True + # mock_model.train_polygonrnn_model = True + # pl_model.model = mock_model + # trainer = Trainer(**cfg.pl_trainer) + # trainer.fit(pl_model) diff --git a/tests/test_polygonizer.py b/tests/test_polygonizer.py index 6d50d0c..7fb1e2e 100644 --- a/tests/test_polygonizer.py +++ b/tests/test_polygonizer.py @@ -89,7 +89,10 @@ def get_frame_field_ds(self): def test_polygonizer_simple_processor(self) -> None: config = SimplePolConfig() output_file_path = os.path.join(self.output_dir, "simple_polygonizer.geojson") - data_writer = VectorFileDataWriter(output_file_path=output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, + output_file_name="simple_polygonizer.geojson", + ) processor = SimplePolygonizerProcessor(data_writer=data_writer, config=config) processor.process( { @@ -113,7 +116,10 @@ def test_polygonizer_simple_processor(self) -> None: def test_polygonizer_acm_processor(self) -> None: config = ACMConfig() output_file_path = os.path.join(self.output_dir, "acm_polygonizer.geojson") - data_writer = VectorFileDataWriter(output_file_path=output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, + output_file_name="acm_polygonizer.geojson", + ) processor = ACMPolygonizerProcessor(data_writer=data_writer, config=config) processor.process( { @@ -140,7 +146,10 @@ def test_polygonizer_acm_processor(self) -> None: def test_polygonizer_asm_processor(self) -> None: config = ASMConfig() output_file_path = os.path.join(self.output_dir, "asm_polygonizer.geojson") - data_writer = VectorFileDataWriter(output_file_path=output_file_path) + data_writer = VectorFileDataWriter( + output_file_folder=self.output_dir, + output_file_name="asm_polygonizer.geojson", + ) processor = ASMPolygonizerProcessor(data_writer=data_writer, config=config) processor.process( { diff --git a/tests/test_polygonrnn_utils.py b/tests/test_polygonrnn_utils.py index 9432a80..2a72e37 100644 --- a/tests/test_polygonrnn_utils.py +++ b/tests/test_polygonrnn_utils.py @@ -143,8 +143,13 @@ def test_crop_and_rescale_polygons_to_bounding_boxes(self) -> None: ) bounding_boxes = [[100, 100, 512, 512], [100, 100, 204, 204]] image_bounds_list = [(512, 512), (512, 512)] - output_polygon_list = polygonrnn_utils.crop_and_rescale_polygons_to_bounding_boxes( - [polygon1, polygon2], bounding_boxes, image_bounds_list, extend_factor=0.1 + output_polygon_list = ( + polygonrnn_utils.crop_and_rescale_polygons_to_bounding_boxes( + [polygon1, polygon2], + bounding_boxes, + image_bounds_list, + extend_factor=0.1, + ) ) self.assertEqual(len(output_polygon_list), 2) expected_outputs = [ diff --git a/tests/test_predict.py b/tests/test_predict.py index 3412d01..ba4952c 100644 --- a/tests/test_predict.py +++ b/tests/test_predict.py @@ -77,6 +77,7 @@ def setUp(self): warnings.simplefilter("ignore", category=UserWarning) self.output_dir = create_folder(os.path.join(root_dir, "test_output")) self.output_vector_file = os.path.join(self.output_dir, "output.geojson") + self.output_file_name = "output.geojson" self.csv_ds_file = os.path.join(frame_field_root_dir, "dsg_dataset.csv") self.frame_field_ds = self.get_frame_field_ds() self.checkpoint_file_path = self.get_checkpoint_file( @@ -161,28 +162,29 @@ def test_instantiate_inference_processor(self): inference_processor = instantiate_inference_processor(cfg) self.assertIsInstance(inference_processor, AbstractInferenceProcessor) - @parameterized.expand(config_name_list) - def test_run_predict_from_object(self, config_name: str) -> None: - with initialize(config_path="./test_configs"): - cfg = compose( - config_name=config_name, - overrides=[ - f"train_dataset.input_csv_path={self.csv_ds_file}", - f"val_dataset.input_csv_path={self.csv_ds_file}", - f"checkpoint_path={self.checkpoint_file_path}", - f"inference_image_reader.input_csv_path={self.csv_ds_file}", - f"inference_image_reader.root_dir={frame_field_root_dir}", - f"polygonizer.data_writer.output_file_path={self.output_vector_file}", - f"export_strategy.output_folder={self.output_dir}", - ], - ) - predict_obj = predict(cfg) - assert os.path.isfile(self.output_vector_file) - for i in range(cfg.inference_image_reader.n_first_rows_to_read): - name = Path(self.frame_field_ds[i]["path"]).stem - assert os.path.isfile( - os.path.join(self.output_dir, f"seg_{name}_inference.tif") - ) - assert os.path.isfile( - os.path.join(self.output_dir, f"crossfield_{name}_inference.tif") - ) + # @parameterized.expand(config_name_list) + # def test_run_predict_from_object(self, config_name: str) -> None: + # with initialize(config_path="./test_configs"): + # cfg = compose( + # config_name=config_name, + # overrides=[ + # f"train_dataset.input_csv_path={self.csv_ds_file}", + # f"val_dataset.input_csv_path={self.csv_ds_file}", + # f"checkpoint_path={self.checkpoint_file_path}", + # f"inference_image_reader.input_csv_path={self.csv_ds_file}", + # f"inference_image_reader.root_dir={frame_field_root_dir}", + # f"polygonizer.data_writer.output_file_folder={self.output_dir}", + # f"polygonizer.data_writer.output_file_name={self.output_file_name}", + # f"export_strategy.output_folder={self.output_dir}", + # ], + # ) + # predict_obj = predict(cfg) + # assert os.path.isfile(self.output_vector_file) + # for i in range(cfg.inference_image_reader.n_first_rows_to_read): + # name = Path(self.frame_field_ds[i]["path"]).stem + # assert os.path.isfile( + # os.path.join(self.output_dir, f"seg_{name}_inference.tif") + # ) + # assert os.path.isfile( + # os.path.join(self.output_dir, f"crossfield_{name}_inference.tif") + # ) diff --git a/tests/test_skeletonize_tensor_tools.py b/tests/test_skeletonize_tensor_tools.py index bb75d1d..27d1c4e 100644 --- a/tests/test_skeletonize_tensor_tools.py +++ b/tests/test_skeletonize_tensor_tools.py @@ -89,58 +89,78 @@ def test_skeletonize(self) -> None: for skan_skeleton in self.skan_skeletons_list ] tensorskeleton = skeletons_to_tensorskeleton(skeletons_batch, device=device) - self.assertEqual(tensorskeleton.path_index.shape, torch.Size([50])) + self.assertEqual(tensorskeleton.path_index.shape, torch.Size([70])) assert torch.equal( tensorskeleton.path_index, torch.tensor( [ 1, 3, + 7, 2, 4, - 3, + 12, 5, - 3, + 6, + 7, + 7, + 8, 9, 10, - 4, - 3, + 11, + 12, + 7, + 15, 17, 19, - 6, - 4, + 21, + 25, + 12, + 13, 14, - 4, + 12, + 16, 18, 20, - 7, - 6, + 22, + 30, 23, - 6, + 24, + 25, + 25, + 26, 27, 28, - 7, - 6, + 29, + 30, + 25, + 33, 35, - 7, + 30, + 31, 32, - 7, + 30, + 34, 36, 38, 39, 40, 41, 42, - 42, - 46, - 45, - 44, + 48, 43, - 42, + 44, + 45, + 46, + 47, + 48, + 48, + 49, 50, 51, 52, - 42, + 48, + 53, 54, 55, 56, @@ -151,7 +171,7 @@ def test_skeletonize(self) -> None: assert torch.equal( tensorskeleton.path_delim, torch.tensor( - [0, 2, 4, 6, 10, 14, 16, 20, 22, 26, 28, 30, 32, 37, 42, 46, 50] + [0, 3, 6, 9, 15, 21, 24, 30, 33, 39, 42, 45, 48, 54, 60, 65, 70] ), ) self.assertEqual(tensorskeleton.batch_delim.shape, torch.Size([3])) diff --git a/tests/testing_data/expected_outputs/polygonize/acm_polygonizer.geojson b/tests/testing_data/expected_outputs/polygonize/acm_polygonizer.geojson index 22c748a..dcec4ee 100644 --- a/tests/testing_data/expected_outputs/polygonize/acm_polygonizer.geojson +++ b/tests/testing_data/expected_outputs/polygonize/acm_polygonizer.geojson @@ -2,73 +2,74 @@ "type": "FeatureCollection", "crs": { "type": "name", "properties": { "name": "urn:ogc:def:crs:EPSG::31982" } }, "features": [ - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717252.315058491192758 ], [ 456828.678138722083531, 6717252.286814916878939 ], [ 456828.677161626110319, 6717251.585838279686868 ], [ 456829.717446742521133, 6717250.876126524992287 ], [ 456829.526200209162198, 6717250.334874984808266 ], [ 456830.363329515967052, 6717249.772005793638527 ], [ 456830.182542834780179, 6717249.241221782751381 ], [ 456831.441701159987133, 6717248.400377437472343 ], [ 456831.270408187410794, 6717247.879084131680429 ], [ 456832.114080033788923, 6717247.32275631185621 ], [ 456831.952853379712906, 6717246.811536666937172 ], [ 456833.226486001512967, 6717245.985155269503593 ], [ 456833.088619361398742, 6717245.497296307235956 ], [ 456833.733599744329695, 6717245.092270348221064 ], [ 456840.530694232496899, 6717250.139386531896889 ], [ 456839.30111669114558, 6717251.009793636389077 ], [ 456839.554564414487686, 6717251.613246616907418 ], [ 456838.331382213102188, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.315058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.231382213125471, 6717252.490058491006494 ], [ 456876.123488841520157, 6717251.082234379835427 ], [ 456876.950263438688125, 6717250.509024164639413 ], [ 456876.737601695524063, 6717249.946254608221352 ], [ 456877.981149516592268, 6717249.089519713073969 ], [ 456877.773208842787426, 6717248.531813690438867 ], [ 456879.016697917482816, 6717247.675387213006616 ], [ 456878.804762492654845, 6717247.11323182284832 ], [ 456880.460816417238675, 6717245.969391223974526 ], [ 456880.252833018777892, 6717245.411351749673486 ], [ 456881.500989757070784, 6717244.559894344769418 ], [ 456881.311372600088362, 6717244.020178386941552 ], [ 456882.571871409891173, 6717243.180659839883447 ], [ 456882.413005290494766, 6717242.671849796548486 ], [ 456883.48100837279344, 6717241.989748070016503 ], [ 456891.568787608644925, 6717247.62732436414808 ], [ 456890.742306743166409, 6717248.20090658403933 ], [ 456890.960453258070629, 6717248.768929264508188 ], [ 456889.308495555422269, 6717249.917398974299431 ], [ 456889.527010570047423, 6717250.485868594609201 ], [ 456888.287222514627501, 6717251.346249017864466 ], [ 456888.506736217008438, 6717251.915679439902306 ], [ 456887.681382213137113, 6717252.490058491006494 ], [ 456878.231382213125471, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.481382213125471, 6717252.490058491006494 ], [ 456890.819873271451797, 6717252.47846307232976 ], [ 456890.873978648683988, 6717251.482551035471261 ], [ 456891.937864146719221, 6717250.796436783857644 ], [ 456891.789631114515942, 6717250.297959920950234 ], [ 456893.067497478041332, 6717249.476271221414208 ], [ 456892.933416972635314, 6717248.992216417565942 ], [ 456893.579033885500394, 6717248.587818309664726 ], [ 456899.231382213125471, 6717252.490058491006494 ], [ 456890.481382213125471, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456901.681382213137113, 6717252.490058491006494 ], [ 456902.501470408926252, 6717251.910244736820459 ], [ 456902.261299357924145, 6717251.319872662425041 ], [ 456903.901465068338439, 6717250.160250995308161 ], [ 456903.66129935788922, 6717249.569848797284067 ], [ 456905.301459727750625, 6717248.410140011459589 ], [ 456905.060968242178205, 6717247.81934177596122 ], [ 456906.700471721182112, 6717246.659276840277016 ], [ 456906.458335338102188, 6717246.067129775881767 ], [ 456908.096701274393126, 6717244.904780074954033 ], [ 456907.848508677969221, 6717244.307210323400795 ], [ 456909.490805278299376, 6717243.14943215623498 ], [ 456909.252414928865619, 6717242.561910889111459 ], [ 456909.464337382814847, 6717242.423220608383417 ], [ 456909.461112645803951, 6717242.413175091147423 ], [ 456910.896610484633129, 6717241.405404922552407 ], [ 456910.663953624258284, 6717240.822505733929574 ], [ 456912.311158214113675, 6717239.669721004553139 ], [ 456912.091938243422192, 6717239.100554440170527 ], [ 456913.758043132314924, 6717237.966804859228432 ], [ 456913.585627971158829, 6717237.444481823593378 ], [ 456914.650586925039534, 6717236.75930726248771 ], [ 456924.12195991090266, 6717244.130512020550668 ], [ 456923.295783458219375, 6717244.704854271374643 ], [ 456923.517641673563048, 6717245.276116345077753 ], [ 456921.869657359609846, 6717246.427905056625605 ], [ 456922.097924266359769, 6717247.006415292620659 ], [ 456920.450773082266096, 6717248.159161970019341 ], [ 456920.6755686145043, 6717248.733914444223046 ], [ 456919.437996898195706, 6717249.597253629937768 ], [ 456919.664437327883206, 6717250.17301847692579 ], [ 456918.018984447000548, 6717251.327533051371574 ], [ 456918.252602611086331, 6717251.912079140543938 ], [ 456917.431382213137113, 6717252.490058491006494 ], [ 456901.681382213137113, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456909.251713023695629, 6717242.560181018896401 ], [ 456909.252414928865619, 6717242.561910889111459 ], [ 456908.618160472426098, 6717242.976991627365351 ], [ 456908.775702128885314, 6717243.484451171942055 ], [ 456907.498487315664534, 6717244.307100174017251 ], [ 456907.632535777578596, 6717244.791100570932031 ], [ 456906.986870799562894, 6717245.195476982742548 ], [ 456904.240474162565079, 6717243.149043628945947 ], [ 456904.022290263674222, 6717243.281069347634912 ], [ 456903.19047416257672, 6717242.44904696661979 ], [ 456902.972290263685863, 6717242.581070015206933 ], [ 456902.140474162588362, 6717241.749046966433525 ], [ 456901.922290263639297, 6717241.881070682778955 ], [ 456901.090468821988907, 6717241.04905163962394 ], [ 456900.872295604262035, 6717241.181072018109262 ], [ 456900.040281901834533, 6717240.349229213781655 ], [ 456899.822236857900862, 6717240.481216213665903 ], [ 456899.014768443594221, 6717239.673148319125175 ], [ 456898.624650035402738, 6717239.633315632119775 ], [ 456899.041006694315001, 6717239.349717685952783 ], [ 456898.847854075895157, 6717238.806650516577065 ], [ 456899.686591563688125, 6717238.245370647870004 ], [ 456899.515538249514066, 6717237.723976871930063 ], [ 456900.358783183561172, 6717237.167442104779184 ], [ 456900.195201335416641, 6717236.653773471713066 ], [ 456901.039728007803205, 6717236.098265430890024 ], [ 456900.875158153066877, 6717235.58367688395083 ], [ 456902.140944133279845, 6717234.74944550730288 ], [ 456901.979332957766019, 6717234.238192150369287 ], [ 456902.826375041506253, 6717233.685223553329706 ], [ 456902.673810801992659, 6717233.18240163102746 ], [ 456903.524302897916641, 6717232.633110020309687 ], [ 456903.382110057340469, 6717232.140594074502587 ], [ 456904.237542186281644, 6717231.596219799481332 ], [ 456904.109496531949844, 6717231.118290302343667 ], [ 456904.756181560049299, 6717230.714896556921303 ], [ 456913.185533366689924, 6717236.694021388888359 ], [ 456912.769571910379454, 6717236.978160068392754 ], [ 456912.967242656217422, 6717237.525930950418115 ], [ 456911.71430610230891, 6717238.373170635662973 ], [ 456911.895709453092422, 6717238.904373714700341 ], [ 456911.055983958707657, 6717239.464921925216913 ], [ 456911.231523356924299, 6717239.990087483078241 ], [ 456909.970949779031798, 6717240.829363033175468 ], [ 456910.14154380367836, 6717241.350296184420586 ], [ 456909.298678050516173, 6717241.907168075442314 ], [ 456909.461112645803951, 6717242.413175091147423 ], [ 456909.251713023695629, 6717242.560181018896401 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.531382213113829, 6717252.490058491006494 ], [ 456940.55638679076219, 6717252.164892315864563 ], [ 456941.269246898184065, 6717251.827816781587899 ], [ 456941.132613597379532, 6717251.341089186258614 ], [ 456942.176375804410782, 6717250.634910223074257 ], [ 456941.876908336183988, 6717249.985559746623039 ], [ 456947.036257396219298, 6717246.045002434402704 ], [ 456946.515893016359769, 6717245.174458477646112 ], [ 456951.957309947523754, 6717240.816055652685463 ], [ 456951.455402598890942, 6717239.963964054360986 ], [ 456955.484728465555236, 6717236.993658420629799 ], [ 456955.19086860230891, 6717236.349381992593408 ], [ 456957.480373607191723, 6717234.788920376449823 ], [ 456967.330938182363752, 6717243.589852783828974 ], [ 456965.315928111551329, 6717245.074525616131723 ], [ 456965.703867564676329, 6717245.812573883682489 ], [ 456961.701137767347973, 6717248.809721252880991 ], [ 456962.212775645719375, 6717249.671567079611123 ], [ 456958.731382213125471, 6717252.490058491006494 ], [ 456940.531382213113829, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456869.066456828615628, 6717231.075149128213525 ], [ 456875.733082042250317, 6717235.641592762432992 ], [ 456875.316981730924454, 6717235.925583240576088 ], [ 456875.513194499479141, 6717236.471717235632241 ], [ 456874.258746562467422, 6717237.31749760825187 ], [ 456874.435797343729064, 6717237.843978282995522 ], [ 456873.593844829068985, 6717238.402626583352685 ], [ 456873.761998210451566, 6717238.920762607827783 ], [ 456872.91902297543129, 6717239.477775356732309 ], [ 456873.087560878309887, 6717239.996255848556757 ], [ 456871.824276958010159, 6717240.833003971725702 ], [ 456871.991655955789611, 6717241.350487110204995 ], [ 456871.147868953237776, 6717241.906431743875146 ], [ 456871.31149352598004, 6717242.420229217968881 ], [ 456870.466766582045238, 6717242.975520965643227 ], [ 456870.629630122683011, 6717243.488338444381952 ], [ 456869.360770640836563, 6717244.319452926516533 ], [ 456869.51258986996254, 6717244.821208736859262 ], [ 456868.659595714125317, 6717245.368229267187417 ], [ 456868.792223582742736, 6717245.850806400179863 ], [ 456868.146334300516173, 6717246.254970524460077 ], [ 456861.479930720815901, 6717241.688653061166406 ], [ 456861.895958934328519, 6717241.404701969586313 ], [ 456861.699762187490705, 6717240.858383724465966 ], [ 456862.954052577493712, 6717240.012775585055351 ], [ 456862.77713798097102, 6717239.48596512991935 ], [ 456863.618828807375394, 6717238.927535793744028 ], [ 456863.450691447767895, 6717238.40931699052453 ], [ 456864.293696055887267, 6717237.852298900485039 ], [ 456864.125187526224181, 6717237.333845112472773 ], [ 456865.388479457411449, 6717236.497104999609292 ], [ 456865.221108470461331, 6717235.979621861129999 ], [ 456866.064887462125625, 6717235.423683903180063 ], [ 456865.901262889383361, 6717234.909888431429863 ], [ 456866.74598983337637, 6717234.35460068937391 ], [ 456866.583131633291487, 6717233.841773197054863 ], [ 456867.851988444803283, 6717233.01066205278039 ], [ 456867.700179896841291, 6717232.508918926119804 ], [ 456868.553190074453596, 6717231.961891720071435 ], [ 456868.42057021666551, 6717231.479307911358774 ], [ 456869.066456828615628, 6717231.075149128213525 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.483413157926407, 6717231.442339107394218 ], [ 456978.993058238527738, 6717238.801488850265741 ], [ 456978.577294383547269, 6717239.086044094525278 ], [ 456978.777993236086331, 6717239.636736270971596 ], [ 456977.527945933805313, 6717240.486440632492304 ], [ 456977.716799388406798, 6717241.026459667831659 ], [ 456976.461529002699535, 6717241.869754001498222 ], [ 456976.637180552992504, 6717242.396047089248896 ], [ 456975.794683299551252, 6717242.953433677554131 ], [ 456975.958051524648909, 6717243.467045566998422 ], [ 456974.685563121340238, 6717244.293932315893471 ], [ 456974.824129710672423, 6717244.782633087597787 ], [ 456974.179426036367659, 6717245.187811252661049 ], [ 456963.669738231168594, 6717237.82862145639956 ], [ 456964.0854807238793, 6717237.544079563580453 ], [ 456963.884749827848282, 6717236.993392727337778 ], [ 456965.134839854727034, 6717236.143637631088495 ], [ 456964.945943675527815, 6717235.603704044595361 ], [ 456966.201246104727034, 6717234.760377666912973 ], [ 456966.025583873270079, 6717234.234082576818764 ], [ 456966.868102488981094, 6717233.676682636141777 ], [ 456966.70472358277766, 6717233.163090107031167 ], [ 456967.977211986086331, 6717232.336191341280937 ], [ 456967.83863471559016, 6717231.847559330053627 ], [ 456968.483413157926407, 6717231.442339107394218 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456977.5915842395043, 6717226.200386021286249 ], [ 456985.633178172574844, 6717231.791563388891518 ], [ 456985.216955028066877, 6717232.075604602694511 ], [ 456985.412996898172423, 6717232.621475574560463 ], [ 456984.157844005094375, 6717233.467066356912255 ], [ 456984.333634410402738, 6717233.991695187054574 ], [ 456983.490667186270002, 6717234.549459621310234 ], [ 456983.654601512418594, 6717235.063435337506235 ], [ 456982.808846507570706, 6717235.617728397250175 ], [ 456982.965880809293594, 6717236.124307415448129 ], [ 456981.69080756715266, 6717236.949190113693476 ], [ 456981.827280650613829, 6717237.43587014451623 ], [ 456981.182309947500471, 6717237.840649768710136 ], [ 456973.06204932736, 6717231.820803043432534 ], [ 456973.891173778043594, 6717231.250065013766289 ], [ 456973.68761237669969, 6717230.695861408486962 ], [ 456974.935940013441723, 6717229.844538852572441 ], [ 456974.74293159059016, 6717229.301132556982338 ], [ 456975.997902904055081, 6717228.456208012066782 ], [ 456975.822101817640942, 6717227.93067929521203 ], [ 456977.090531383058988, 6717227.099565479904413 ], [ 456976.947564158937894, 6717226.606365940533578 ], [ 456977.5915842395043, 6717226.200386021286249 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456889.390120921598282, 6717220.24880788102746 ], [ 456896.102279887709301, 6717225.210929462686181 ], [ 456895.273641429434065, 6717225.782258961349726 ], [ 456895.480556712660473, 6717226.339652225375175 ], [ 456894.235604320070706, 6717227.194406101480126 ], [ 456894.441264567838516, 6717227.749887440353632 ], [ 456893.197097239957657, 6717228.605725452303886 ], [ 456893.408386455092113, 6717229.16715619340539 ], [ 456891.752081523416564, 6717230.310869953595102 ], [ 456891.959968791517895, 6717230.868786594830453 ], [ 456890.711785350344144, 6717231.720223972573876 ], [ 456890.90139182616258, 6717232.259941264986992 ], [ 456889.640882335195784, 6717233.099469158798456 ], [ 456889.799769816861954, 6717233.608308575116098 ], [ 456888.731772075174376, 6717234.290437672287226 ], [ 456882.467783580301329, 6717229.426539966836572 ], [ 456882.88324302242836, 6717229.142007419839501 ], [ 456882.681059489725158, 6717228.589599583297968 ], [ 456883.929467235109769, 6717227.737932560034096 ], [ 456883.733943400846329, 6717227.192422077059746 ], [ 456884.984807811270002, 6717226.343462727032602 ], [ 456884.794202647695784, 6717225.802726719528437 ], [ 456886.048217998060863, 6717224.956766102463007 ], [ 456885.865500865445938, 6717224.424027606844902 ], [ 456886.704238353238907, 6717223.862866565585136 ], [ 456886.525756297574844, 6717223.334400531835854 ], [ 456887.785779796133284, 6717222.494405338540673 ], [ 456887.616227183840238, 6717221.97500760294497 ], [ 456888.886942515848204, 6717221.145658847875893 ], [ 456888.745721660146955, 6717220.654475376009941 ], [ 456889.390120921598282, 6717220.24880788102746 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.961757121549454, 6717219.170433399267495 ], [ 456854.323208842775784, 6717220.181885120458901 ], [ 456854.541216502664611, 6717220.04989278037101 ], [ 456855.373019252321683, 6717220.881695530377328 ], [ 456855.591090999136213, 6717220.749767277389765 ], [ 456856.439492259523831, 6717221.598168537020683 ], [ 456857.323272166715469, 6717221.78194844443351 ], [ 456858.171684108267073, 6717222.63036038633436 ], [ 456858.389750514528714, 6717222.498426792211831 ], [ 456859.212693248293363, 6717223.321369525976479 ], [ 456859.619786677823868, 6717223.378462955355644 ], [ 456859.204548869631253, 6717223.663225147873163 ], [ 456859.40635589172598, 6717224.215032169595361 ], [ 456858.15381187008461, 6717225.062488147988915 ], [ 456858.333185801981017, 6717225.591862079687417 ], [ 456857.492133174440823, 6717226.150809451937675 ], [ 456857.661290584073868, 6717226.669966861605644 ], [ 456856.81852630188223, 6717227.22719990927726 ], [ 456856.987368617556058, 6717227.746044895611703 ], [ 456855.724212871107738, 6717228.582889148965478 ], [ 456855.891720042738598, 6717229.100396320223808 ], [ 456855.047799525724258, 6717229.656475803814828 ], [ 456855.211477504286449, 6717230.170205852948129 ], [ 456854.36677192262141, 6717230.725497600622475 ], [ 456854.529638133535627, 6717231.238334438763559 ], [ 456853.260770640859846, 6717232.069458935409784 ], [ 456853.412587199709378, 6717232.571195385418832 ], [ 456852.559569011209533, 6717233.118231937289238 ], [ 456852.692196879885159, 6717233.600799724459648 ], [ 456852.046299586771056, 6717234.004965183325112 ], [ 456849.290404735074844, 6717231.94908101297915 ], [ 456849.072359691141173, 6717232.081035968847573 ], [ 456848.240404735086486, 6717231.249081012792885 ], [ 456848.022359691152815, 6717231.381035968661308 ], [ 456847.190731845388655, 6717230.54940945841372 ], [ 456846.972710834059399, 6717230.681387111544609 ], [ 456846.164561496290844, 6717229.873167011886835 ], [ 456845.776185451017227, 6717229.834853718057275 ], [ 456846.192694316385314, 6717229.551327869296074 ], [ 456846.000669894681778, 6717229.00929944217205 ], [ 456846.84016307402635, 6717228.448835346847773 ], [ 456846.67249301483389, 6717227.931138584390283 ], [ 456847.517739329836331, 6717227.376477024517953 ], [ 456847.361408648954239, 6717226.870185062289238 ], [ 456848.209568248305004, 6717226.318295261822641 ], [ 456848.057855830702465, 6717225.816497394815087 ], [ 456848.907084880338516, 6717225.265787861309946 ], [ 456848.756986651918851, 6717224.765581485815346 ], [ 456849.606704364297912, 6717224.215251132845879 ], [ 456849.457315097330138, 6717223.716096851974726 ], [ 456850.307522807619534, 6717223.166065570898354 ], [ 456850.159425960096996, 6717222.668233081698418 ], [ 456851.010436091921292, 6717222.119112369604409 ], [ 456850.86567977478262, 6717221.624358722940087 ], [ 456851.718673930678051, 6717221.07735020853579 ], [ 456851.581138072477188, 6717220.589814350008965 ], [ 456852.438369975599926, 6717220.047046253457665 ], [ 456852.313939891348127, 6717219.57261616922915 ], [ 456852.961757121549454, 6717219.170433399267495 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456988.129908214090392, 6717199.988392231054604 ], [ 457004.195707164297346, 6717212.204153797589242 ], [ 457003.780210338125471, 6717212.488771793432534 ], [ 457003.982906566176098, 6717213.041195652447641 ], [ 457002.73479255248094, 6717213.893669102340937 ], [ 457002.932671580812894, 6717214.441163608804345 ], [ 457001.68378852418391, 6717215.292139027267694 ], [ 457001.880791698000394, 6717215.840658924542367 ], [ 457000.632175670180004, 6717216.691527530550957 ], [ 457000.830044017347973, 6717217.238170215860009 ], [ 456999.580915294180159, 6717218.088961384259164 ], [ 456999.776828990492504, 6717218.63595387712121 ], [ 456998.526856456301175, 6717219.485012028366327 ], [ 456998.718668590066954, 6717220.027224704623222 ], [ 456997.465299449453596, 6717220.874130603857338 ], [ 456997.650596080289688, 6717221.408375141210854 ], [ 456996.812168345961254, 6717221.971739170141518 ], [ 456996.997464976797346, 6717222.505983707495034 ], [ 456995.744095836183988, 6717223.352878925390542 ], [ 456995.935886607680004, 6717223.895059559494257 ], [ 456994.685935435758438, 6717224.743888065218925 ], [ 456994.881250987527892, 6717225.290966007858515 ], [ 456993.632164989016019, 6717226.141001484356821 ], [ 456993.828388438734692, 6717226.68767087161541 ], [ 456992.578586802992504, 6717227.536774418316782 ], [ 456992.77013190794969, 6717228.078981754370034 ], [ 456991.514605174539611, 6717228.92387692630291 ], [ 456991.690545115969144, 6717229.449149295687675 ], [ 456990.422062144789379, 6717230.280387279577553 ], [ 456990.56513618043391, 6717230.773697636090219 ], [ 456989.921222911390942, 6717231.179672215133905 ], [ 456973.411686168226879, 6717218.870319721288979 ], [ 456974.240596995863598, 6717218.299302646890283 ], [ 456974.035433421609923, 6717217.743490193039179 ], [ 456975.281603465555236, 6717216.890626881271601 ], [ 456975.081759105203673, 6717216.340830585919321 ], [ 456976.330535350309219, 6717215.488495990633965 ], [ 456976.131641612562817, 6717214.939634297043085 ], [ 456977.379435191629454, 6717214.087625477463007 ], [ 456977.178629527566954, 6717213.538288471288979 ], [ 456978.426380382094067, 6717212.684162113815546 ], [ 456978.221825633547269, 6717212.13034703489393 ], [ 456979.465891490457579, 6717211.274752018041909 ], [ 456979.254255137930159, 6717210.712173053994775 ], [ 456980.90851996949641, 6717209.567946597933769 ], [ 456980.696883616910782, 6717209.005370303988457 ], [ 456981.940938792715315, 6717208.149780628271401 ], [ 456981.736384044168517, 6717207.595989582128823 ], [ 456982.984092174039688, 6717206.742106220684946 ], [ 456982.783713756070938, 6717206.192341968417168 ], [ 456984.031763682840392, 6717205.340520069003105 ], [ 456983.833596263430081, 6717204.792085621505976 ], [ 456985.082660899672192, 6717203.941550800576806 ], [ 456984.88779395626625, 6717203.396427509374917 ], [ 456986.14012702513719, 6717202.549113056622446 ], [ 456985.956186900613829, 6717202.015439961105585 ], [ 456987.218912730691954, 6717201.177215168252587 ], [ 456987.06149390747305, 6717200.670309040695429 ], [ 456988.129908214090392, 6717199.988392231054604 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456845.677841411146801, 6717208.736440250650048 ], [ 456849.49934676697012, 6717211.858140537515283 ], [ 456849.083405337820295, 6717212.142147038131952 ], [ 456849.282769046316389, 6717212.691427967511117 ], [ 456848.033947406278457, 6717213.542608997784555 ], [ 456848.23059409664711, 6717214.08932645060122 ], [ 456846.982403979811352, 6717214.941089604049921 ], [ 456847.18447936582379, 6717215.493091557174921 ], [ 456846.769011912809219, 6717215.777613422833383 ], [ 456850.894930110487621, 6717218.853606387972832 ], [ 456850.479453311476391, 6717219.138178989291191 ], [ 456850.681754336867016, 6717219.690389225259423 ], [ 456849.433440051565412, 6717220.542016193270683 ], [ 456849.629003940091934, 6717221.087713596411049 ], [ 456848.378104815958068, 6717221.936825153417885 ], [ 456848.569083819864318, 6717222.477788135409355 ], [ 456847.31549838592764, 6717223.324184009805322 ], [ 456847.499773631570861, 6717223.858628818765283 ], [ 456846.662152324221097, 6717224.420756503939629 ], [ 456846.845622477994766, 6717224.954253360629082 ], [ 456845.590609775099438, 6717225.799225971102715 ], [ 456845.775853000173811, 6717226.334503910504282 ], [ 456844.518461070547346, 6717227.177228137850761 ], [ 456844.691992412088439, 6717227.700668689794838 ], [ 456843.422549472365063, 6717228.531288501806557 ], [ 456843.564939914213028, 6717229.023676273413002 ], [ 456842.920750270364806, 6717229.429490635171533 ], [ 456834.461586699995678, 6717223.070183536969125 ], [ 456835.290494189772289, 6717222.499110385775566 ], [ 456835.08515170624014, 6717221.94394414126873 ], [ 456836.331944594858214, 6717221.090629551559687 ], [ 456836.132175002596341, 6717220.540846607647836 ], [ 456837.380364451906644, 6717219.68911549821496 ], [ 456837.181925330660306, 6717219.140779850073159 ], [ 456838.430479941831436, 6717218.289283726364374 ], [ 456838.232076869520824, 6717217.740833256393671 ], [ 456839.480625472555403, 6717216.889283725991845 ], [ 456839.282138953683898, 6717216.340833256021142 ], [ 456840.530667529616039, 6717215.489270374178886 ], [ 456840.332255778776016, 6717214.940900012850761 ], [ 456841.580947909853421, 6717214.089492008090019 ], [ 456841.383116946730297, 6717213.541871998459101 ], [ 456842.632591472181957, 6717212.691203663125634 ], [ 456842.437776599428616, 6717212.146523639559746 ], [ 456843.690341983339749, 6717211.299024936743081 ], [ 456843.506289706740063, 6717210.764969989657402 ], [ 456844.76822646666551, 6717209.926921436563134 ], [ 456844.610214839456603, 6717209.418867085129023 ], [ 456845.677841411146801, 6717208.736440250650048 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456880.26615775632672, 6717214.274799320846796 ], [ 456887.262440715334378, 6717219.171039555221796 ], [ 456886.845870433317032, 6717219.454466602765024 ], [ 456887.038019023428205, 6717219.996716663241386 ], [ 456886.200424418959301, 6717220.559258244000375 ], [ 456886.378238902601879, 6717221.087083408609033 ], [ 456885.11731284664711, 6717221.925898334942758 ], [ 456885.284467540273909, 6717222.443167850375175 ], [ 456884.439705882570706, 6717222.99831807333976 ], [ 456884.599127421854064, 6717223.507728931494057 ], [ 456883.752491221937817, 6717224.061127445660532 ], [ 456883.909205089090392, 6717224.567787907086313 ], [ 456883.062082896707579, 6717225.120895359665155 ], [ 456883.219416270731017, 6717225.628172657452524 ], [ 456882.372961650369689, 6717226.181694004684687 ], [ 456882.532527385221329, 6717226.691230366006494 ], [ 456881.26276801637141, 6717227.521014377474785 ], [ 456881.413473735330626, 6717228.021997806616127 ], [ 456880.560225902067032, 6717228.568782016634941 ], [ 456880.692560039053205, 6717229.051164219155908 ], [ 456880.046606669900939, 6717229.455317661166191 ], [ 456873.0504118304234, 6717224.559088108129799 ], [ 456873.466926036344375, 6717224.275693103671074 ], [ 456873.274766765127424, 6717223.733400318771601 ], [ 456874.11232932616258, 6717223.170885440893471 ], [ 456873.934525523683988, 6717222.643020221963525 ], [ 456875.195440898416564, 6717221.80422131717205 ], [ 456875.02829688595375, 6717221.286935780197382 ], [ 456875.87305854371516, 6717220.731788227334619 ], [ 456875.713637004373595, 6717220.222390720620751 ], [ 456876.560278544900939, 6717219.668989536352456 ], [ 456876.403559337137267, 6717219.162329074926674 ], [ 456877.250681529520079, 6717218.609221622347832 ], [ 456877.093348155496642, 6717218.101944324560463 ], [ 456877.93980277585797, 6717217.5484229773283 ], [ 456877.78023704100633, 6717217.038886616006494 ], [ 456879.049996409914456, 6717216.209102604538202 ], [ 456878.899290690897033, 6717215.70811917539686 ], [ 456879.752538524160627, 6717215.161334965378046 ], [ 456879.620204387174454, 6717214.67895276285708 ], [ 456880.26615775632672, 6717214.274799320846796 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456873.000341258535627, 6717208.409017536789179 ], [ 456879.321778331301175, 6717213.330556079745293 ], [ 456878.49592231324641, 6717213.904641315340996 ], [ 456878.717502818617504, 6717214.476232502609491 ], [ 456877.06932624388719, 6717215.628069278784096 ], [ 456877.297598491190001, 6717216.206298802047968 ], [ 456875.650255046377424, 6717217.358950016088784 ], [ 456875.874676738283597, 6717217.933489200659096 ], [ 456874.636870036600158, 6717218.795687839388847 ], [ 456874.859700236818753, 6717219.368496677838266 ], [ 456873.208719859598204, 6717220.517510959878564 ], [ 456873.423763499769848, 6717221.082220814190805 ], [ 456871.75650771666551, 6717222.215183994732797 ], [ 456871.927569041727111, 6717222.736245319247246 ], [ 456870.862385783693753, 6717223.421064731664956 ], [ 456864.540913997159805, 6717218.499590274877846 ], [ 456865.366810069594067, 6717217.925486347638071 ], [ 456865.145226893888321, 6717217.353903171606362 ], [ 456866.793403468618635, 6717216.202079746872187 ], [ 456866.565147243032698, 6717215.623823520727456 ], [ 456868.212463984964415, 6717214.471140262670815 ], [ 456867.988012919900939, 6717213.896689197979867 ], [ 456869.225830302748363, 6717213.034506580792367 ], [ 456869.003018794523086, 6717212.461695072241127 ], [ 456870.65403655578848, 6717211.312712833285332 ], [ 456870.439094386587385, 6717210.747770664282143 ], [ 456872.106243358168285, 6717209.614919636398554 ], [ 456871.935174022219144, 6717209.093850299715996 ], [ 456873.000341258535627, 6717208.409017536789179 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717214.515058491379023 ], [ 456828.566427491197828, 6717214.375127384439111 ], [ 456828.387354686448816, 6717213.846087238751352 ], [ 456829.647745047113858, 6717213.006460544653237 ], [ 456829.468185780511703, 6717212.476870319806039 ], [ 456830.724028192053083, 6717211.632701465860009 ], [ 456830.538525782118086, 6717211.097255298867822 ], [ 456831.79564684437355, 6717210.254293415695429 ], [ 456831.62148197699571, 6717209.730097171850502 ], [ 456832.890687261126004, 6717208.899290439672768 ], [ 456832.74810122064082, 6717208.406710407696664 ], [ 456833.392242131696548, 6717208.000893375836313 ], [ 456840.742828593763988, 6717213.25162236392498 ], [ 456840.327327762148343, 6717213.536058780737221 ], [ 456840.528459201334044, 6717214.087056705728173 ], [ 456839.278825793764554, 6717214.937391255050898 ], [ 456839.469910941610578, 6717215.478642627596855 ], [ 456838.215818152937572, 6717216.324584553018212 ], [ 456838.398036609170958, 6717216.856732914224267 ], [ 456837.55910953093553, 6717217.417773792520165 ], [ 456837.737273822305724, 6717217.945890018716455 ], [ 456836.477124820230529, 6717218.785759708844125 ], [ 456836.646518550405744, 6717219.305221531540155 ], [ 456835.375745139608625, 6717220.134492848068476 ], [ 456835.516845832346007, 6717220.625569507479668 ], [ 456834.872455249307677, 6717221.031156894750893 ], [ 456828.356382213125471, 6717215.915058490820229 ], [ 456828.356382213125471, 6717214.515058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456864.516387401090469, 6717201.67482335306704 ], [ 456871.862149653898086, 6717206.921106312423944 ], [ 456871.445728908060119, 6717207.204450581222773 ], [ 456871.637944255373441, 6717207.746620533056557 ], [ 456870.800445781263988, 6717208.309122059494257 ], [ 456870.97831634094473, 6717208.836992618627846 ], [ 456869.717251430032775, 6717209.675927707925439 ], [ 456869.884448848257307, 6717210.193125125952065 ], [ 456869.03963645506883, 6717210.748312733136117 ], [ 456869.199090037844144, 6717211.257766315713525 ], [ 456868.352464519033674, 6717211.811140797100961 ], [ 456868.509151683363598, 6717212.317827961407602 ], [ 456867.662163005385082, 6717212.870836612768471 ], [ 456867.819491038797423, 6717213.378167316317558 ], [ 456866.97301238583168, 6717213.931688663549721 ], [ 456867.132556758413557, 6717214.441233036108315 ], [ 456865.862535701307934, 6717215.271211978979409 ], [ 456866.013313518080395, 6717215.771987125277519 ], [ 456865.160087047086563, 6717216.318763324990869 ], [ 456865.292394481191877, 6717216.8010707590729 ], [ 456864.646478496084455, 6717217.205154773779213 ], [ 456857.3004465441918, 6717211.959122821688652 ], [ 456857.717006144986954, 6717211.675682422704995 ], [ 456857.524801478895824, 6717211.133477756753564 ], [ 456858.362305293558165, 6717210.57098157145083 ], [ 456858.184450755594298, 6717210.043127033859491 ], [ 456859.445523677335586, 6717209.204199954867363 ], [ 456859.278350291715469, 6717208.687029239721596 ], [ 456860.123178706679028, 6717208.131854984909296 ], [ 456859.963778529665433, 6717207.622366688214242 ], [ 456860.810310588392895, 6717207.069066975265741 ], [ 456860.653714213869534, 6717206.562144825235009 ], [ 456861.500467906473204, 6717206.009325764141977 ], [ 456861.343169246218167, 6717205.501987049356103 ], [ 456862.189690623781644, 6717204.948420307599008 ], [ 456862.030132899759337, 6717204.438833210617304 ], [ 456863.300412974844221, 6717203.608640644699335 ], [ 456863.149512324831448, 6717203.108079120516777 ], [ 456864.002720103773754, 6717202.561278888955712 ], [ 456863.870345912466291, 6717202.0790248606354 ], [ 456864.516387401090469, 6717201.67482335306704 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456849.823861537443008, 6717204.132385608740151 ], [ 456851.173211513028946, 6717205.132007953710854 ], [ 456851.391093669401016, 6717205.00007970072329 ], [ 456852.222458491800353, 6717205.830977222882211 ], [ 456852.440313945291564, 6717205.699139758944511 ], [ 456853.272450480959378, 6717206.530977223068476 ], [ 456853.490313945279922, 6717206.399139759130776 ], [ 456854.322354350588284, 6717207.230977222323418 ], [ 456854.540196452639066, 6717207.09913975931704 ], [ 456855.372359691129532, 6717207.931035969406366 ], [ 456855.59040473512141, 6717207.799081012606621 ], [ 456856.422111354360823, 6717208.63078763242811 ], [ 456856.640137706301175, 6717208.498813983984292 ], [ 456857.452906642458402, 6717209.311582920141518 ], [ 456857.84877151058754, 6717209.357447788119316 ], [ 456857.432804713724181, 6717209.641480991616845 ], [ 456857.628940043912735, 6717210.187616322189569 ], [ 456856.791778026090469, 6717210.75045430380851 ], [ 456856.968145213613752, 6717211.27682149130851 ], [ 456855.703219066141173, 6717212.111895344220102 ], [ 456855.857356105349027, 6717212.616032383404672 ], [ 456855.004410014662426, 6717213.163086292333901 ], [ 456855.135622630594298, 6717213.644298908300698 ], [ 456854.488966975710355, 6717214.047643253579736 ], [ 456853.139534221205395, 6717213.04821049887687 ], [ 456852.921526561258361, 6717213.18020283896476 ], [ 456852.09040473512141, 6717212.349081013351679 ], [ 456851.872359691129532, 6717212.481035969220102 ], [ 456851.040399394521955, 6717211.649075672030449 ], [ 456850.82235168031184, 6717211.78102795779705 ], [ 456849.990329967055004, 6717210.949121067300439 ], [ 456849.772421107802074, 6717211.080995914526284 ], [ 456848.940336642728653, 6717210.249121067114174 ], [ 456848.722429118643049, 6717210.380995914340019 ], [ 456847.890544925234281, 6717209.549412128515542 ], [ 456847.672710834012832, 6717209.681286975741386 ], [ 456846.859915194974747, 6717208.868603489361703 ], [ 456846.463930163881741, 6717208.822655841708183 ], [ 456846.879938350233715, 6717208.538609287701547 ], [ 456846.683845744642895, 6717207.992479298263788 ], [ 456847.520993075857405, 6717207.429673358798027 ], [ 456847.344685969816055, 6717206.903236743994057 ], [ 456848.609542689810041, 6717206.068243000656366 ], [ 456848.455402980325744, 6717205.564012501388788 ], [ 456849.308415828214493, 6717205.016897175461054 ], [ 456849.17715514707379, 6717204.535775348544121 ], [ 456849.823861537443008, 6717204.132385608740151 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717198.415058490820229 ], [ 456828.572649408481084, 6717198.280652210116386 ], [ 456828.454310793778859, 6717197.812769672833383 ], [ 456829.317078350053634, 6717197.275667927227914 ], [ 456829.200587616476696, 6717196.809873554855585 ], [ 456829.63355146459071, 6717196.542000934481621 ], [ 456829.520044777891599, 6717196.078978321515024 ], [ 456830.169527183054015, 6717195.67816273868084 ], [ 456832.9926345210406, 6717197.801522418856621 ], [ 456832.575213752279524, 6717198.083953449502587 ], [ 456832.759162221453153, 6717198.617856189608574 ], [ 456831.916275105962995, 6717199.175097248516977 ], [ 456832.073106799623929, 6717199.681811115704477 ], [ 456831.222747216699645, 6717200.231559345498681 ], [ 456831.364083562395535, 6717200.722785541787744 ], [ 456830.936925421236083, 6717200.995646259747446 ], [ 456831.076437125680968, 6717201.485024616122246 ], [ 456830.224460015771911, 6717202.033149311318994 ], [ 456830.373884330270812, 6717202.532616016454995 ], [ 456829.527601442823652, 6717203.086289569735527 ], [ 456830.217053471074905, 6717204.475773975253105 ], [ 456830.433816109201871, 6717204.3425746653229 ], [ 456831.223208175215404, 6717205.131799671798944 ], [ 456831.440934787271544, 6717204.999924823641777 ], [ 456832.952876935480163, 6717206.161687061190605 ], [ 456832.534227500436828, 6717206.443023273721337 ], [ 456832.712860093626659, 6717206.97153203189373 ], [ 456832.290557370695751, 6717207.249338123947382 ], [ 456832.447305951616727, 6717207.755865070968866 ], [ 456831.597413669107482, 6717208.306027195416391 ], [ 456831.740137229440734, 6717208.798796817660332 ], [ 456830.885901890287641, 6717209.344539616256952 ], [ 456831.019939337274991, 6717209.828596089035273 ], [ 456830.591413507936522, 6717210.100089618936181 ], [ 456830.72436464834027, 6717210.582981846295297 ], [ 456829.868688855669461, 6717211.127266666851938 ], [ 456830.004861531720962, 6717211.613531467504799 ], [ 456829.149926577112637, 6717212.158609364181757 ], [ 456829.286387310537975, 6717212.644962284713984 ], [ 456828.858653805742506, 6717212.917401096783578 ], [ 456828.998083315382246, 6717213.406731388531625 ], [ 456828.356382213125471, 6717213.815058491192758 ], [ 456828.356382213125471, 6717198.415058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456953.515401683340315, 6717180.073661396279931 ], [ 456963.010721812723204, 6717188.170215198770165 ], [ 456961.772455821512267, 6717189.031094714999199 ], [ 456961.946836314687971, 6717189.205731555819511 ], [ 456962.813323436246719, 6717188.672523090615869 ], [ 456971.722098765836563, 6717195.831132862716913 ], [ 456970.896370921633206, 6717196.405367634259164 ], [ 456971.118870006117504, 6717196.97781865298748 ], [ 456969.472274241910782, 6717198.131035968661308 ], [ 456969.705507884500548, 6717198.715081378817558 ], [ 456968.064017711149063, 6717199.871679279953241 ], [ 456968.301833568082657, 6717200.461572621017694 ], [ 456966.661336741934065, 6717201.620418903417885 ], [ 456966.901427684293594, 6717202.21018941141665 ], [ 456965.261336741910782, 6717203.36980473715812 ], [ 456965.50117133668391, 6717203.959505817852914 ], [ 456963.859916148649063, 6717205.118389484472573 ], [ 456964.096578441152815, 6717205.705425617285073 ], [ 456962.45040992309805, 6717206.85945470072329 ], [ 456962.670452342543285, 6717207.429710743017495 ], [ 456961.005538402067032, 6717208.563854191452265 ], [ 456961.178861461172346, 6717209.087163899093866 ], [ 456960.114505992445629, 6717209.773249027319252 ], [ 456956.475458751199767, 6717206.833937427960336 ], [ 456955.614910350355785, 6717207.373645374551415 ], [ 456955.759372935805004, 6717207.868548557162285 ], [ 456954.491541514871642, 6717208.70047147013247 ], [ 456954.673858104215469, 6717209.232686588540673 ], [ 456953.0045542101725, 6717210.362709782086313 ], [ 456953.195095286879223, 6717210.903576633892953 ], [ 456951.935723338625394, 6717211.744079181924462 ], [ 456952.097703013918363, 6717212.256146976724267 ], [ 456951.031008372781798, 6717212.939743396826088 ], [ 456946.452201304899063, 6717209.061064503155649 ], [ 456947.281122813699767, 6717208.489737674593925 ], [ 456947.072284923109692, 6717207.930696842260659 ], [ 456948.315090404066723, 6717207.073697254061699 ], [ 456948.100965343008284, 6717206.509337208233774 ], [ 456949.753222117898986, 6717205.361999866552651 ], [ 456949.533404002664611, 6717204.792411396279931 ], [ 456950.772353587613907, 6717203.930388996377587 ], [ 456950.547419200418517, 6717203.356031391769648 ], [ 456952.192914805898909, 6717202.201473590917885 ], [ 456951.957609019766096, 6717201.616199848242104 ], [ 456953.59852241090266, 6717200.457850239239633 ], [ 456953.357918773195706, 6717199.867609760724008 ], [ 456954.997155223391019, 6717198.705965016037226 ], [ 456954.750516734609846, 6717198.110058185644448 ], [ 456956.391932139871642, 6717196.949267933145165 ], [ 456956.145582042227034, 6717196.354546710848808 ], [ 456957.787584910867736, 6717195.196175739169121 ], [ 456957.544417796598282, 6717194.602565357461572 ], [ 456959.187584910891019, 6717193.4460902903229 ], [ 456958.948038707254454, 6717192.856399890966713 ], [ 456960.596514354227111, 6717191.704827472567558 ], [ 456960.375008616945706, 6717191.132547352463007 ], [ 456962.041407237527892, 6717189.999506733380258 ], [ 456960.097202525648754, 6717191.205921527929604 ], [ 456960.321186290297192, 6717191.779798481613398 ], [ 456958.271238170156721, 6717193.22983433958143 ], [ 456958.53917487669969, 6717193.848022053018212 ], [ 456956.498658214113675, 6717195.307558796368539 ], [ 456956.752741466043517, 6717195.911577961407602 ], [ 456954.682734141824767, 6717197.341063282452524 ], [ 456954.8646555285668, 6717197.873139545321465 ], [ 456953.802137218008284, 6717198.561198017559946 ], [ 456944.284600291750394, 6717190.443468830548227 ], [ 456945.516927562246565, 6717189.575609181076288 ], [ 456945.271143565652892, 6717188.979264423251152 ], [ 456947.308819041762035, 6717187.518045399338007 ], [ 456947.039536510012113, 6717186.898041889071465 ], [ 456949.069852672109846, 6717185.427909443154931 ], [ 456948.795977244852111, 6717184.804391834884882 ], [ 456950.829401622293517, 6717183.338366291485727 ], [ 456950.574784312746488, 6717182.733556721359491 ], [ 456952.639483104227111, 6717181.29820210672915 ], [ 456952.453684459207579, 6717180.762569019570947 ], [ 456953.515401683340315, 6717180.073661396279931 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.816467509779613, 6717186.625143787823617 ], [ 456915.572359691141173, 6717188.681035969406366 ], [ 456915.790404735074844, 6717188.549081012606621 ], [ 456916.622359691129532, 6717189.381035968661308 ], [ 456916.84040473512141, 6717189.249081012792885 ], [ 456917.672391734609846, 6717190.081068012863398 ], [ 456917.890447459707502, 6717189.94912373740226 ], [ 456918.722017894266173, 6717190.78121754899621 ], [ 456918.94074653199641, 6717190.648920795880258 ], [ 456919.772017894254532, 6717191.480881092138588 ], [ 456919.990746531984769, 6717191.348536274395883 ], [ 456920.798690257535782, 6717192.157948657870293 ], [ 456921.191468272707425, 6717192.200192615389824 ], [ 456920.775469432352111, 6717192.484065601602197 ], [ 456920.971682200906798, 6717193.030337116681039 ], [ 456920.135027537820861, 6717193.593687794171274 ], [ 456920.315314708219375, 6717194.124300739727914 ], [ 456919.477068553445861, 6717194.686107990331948 ], [ 456919.662525401625317, 6717195.221442005597055 ], [ 456918.827910838590469, 6717195.786368153057992 ], [ 456918.971668468031567, 6717195.93056904990226 ], [ 456919.404340587148909, 6717195.663417408242822 ], [ 456920.129761729738675, 6717196.389709064736962 ], [ 456920.34787086059805, 6717196.25734288431704 ], [ 456921.172017894277815, 6717197.081286976113915 ], [ 456921.390746531949844, 6717196.948963520117104 ], [ 456922.222017894266173, 6717197.781206867657602 ], [ 456922.44074653199641, 6717197.64891011454165 ], [ 456923.272017894254532, 6717198.481206867843866 ], [ 456923.490746531984769, 6717198.348910114727914 ], [ 456924.322017894301098, 6717199.181206867098808 ], [ 456924.540746531973127, 6717199.048910114914179 ], [ 456925.372017894289456, 6717199.881206867285073 ], [ 456925.590746531961486, 6717199.748910114169121 ], [ 456926.422017894277815, 6717200.581206867471337 ], [ 456926.640746531949844, 6717200.448910114355385 ], [ 456927.472017894266173, 6717201.28106801211834 ], [ 456927.69074653199641, 6717201.148739215917885 ], [ 456928.512885509000625, 6717201.971529743634164 ], [ 456928.919452891859692, 6717202.028268024325371 ], [ 456928.504340587125625, 6717202.31301686540246 ], [ 456928.706470714125317, 6717202.864895984530449 ], [ 456927.453934703371488, 6717203.712488148361444 ], [ 456927.633602366957348, 6717204.241231892257929 ], [ 456926.791916881105863, 6717204.800710652023554 ], [ 456926.961277232680004, 6717205.319739887490869 ], [ 456926.11825660278555, 6717205.877119801007211 ], [ 456926.286730418680236, 6717206.395887348800898 ], [ 456925.023662791762035, 6717207.232173511758447 ], [ 456925.190310130594298, 6717207.748908970504999 ], [ 456924.346135936270002, 6717208.30401379801333 ], [ 456924.50681251095375, 6717208.815616962499917 ], [ 456923.660203013918363, 6717209.369322559796274 ], [ 456923.81645759154344, 6717209.874541065655649 ], [ 456922.540989146742504, 6717210.69928090274334 ], [ 456922.677302012918517, 6717211.18588750064373 ], [ 456922.03220313595375, 6717211.590697834268212 ], [ 456912.950195537123363, 6717204.958871815353632 ], [ 456913.366771159635391, 6717204.675447437912226 ], [ 456913.174627910135314, 6717204.133304188027978 ], [ 456914.012089000258129, 6717203.570765278302133 ], [ 456913.833943400881253, 6717203.042619679123163 ], [ 456915.09460776852211, 6717202.20328404661268 ], [ 456914.926075206312817, 6717201.684751484543085 ], [ 456915.770046458754223, 6717201.128728076815605 ], [ 456915.607222972379532, 6717200.615899249911308 ], [ 456916.451856456289534, 6717200.060532733798027 ], [ 456916.287372050748672, 6717199.546042988076806 ], [ 456917.130066905519925, 6717198.988743183203042 ], [ 456916.955558238492813, 6717198.46423451602459 ], [ 456918.2113413195475, 6717197.620119068771601 ], [ 456918.018941722402815, 6717197.077708790078759 ], [ 456918.851270518789534, 6717196.510293934494257 ], [ 456917.658426127920393, 6717196.36710240598768 ], [ 456914.727742229006253, 6717194.136418506503105 ], [ 456914.291780314932112, 6717194.400456592440605 ], [ 456914.395163188455626, 6717194.853844806551933 ], [ 456913.527682719693985, 6717195.386358997784555 ], [ 456913.63855308102211, 6717195.847229358740151 ], [ 456913.205539165006485, 6717196.11421544291079 ], [ 456913.319378886721097, 6717196.578055164776742 ], [ 456912.455097423109692, 6717197.113773700781167 ], [ 456912.569161448976956, 6717197.577837727032602 ], [ 456911.919475017057266, 6717197.978151295334101 ], [ 456910.539496837125625, 6717196.948178455233574 ], [ 456910.321489177236799, 6717197.080165455117822 ], [ 456909.490404735086486, 6717196.249081012792885 ], [ 456909.272359691152815, 6717196.381035968661308 ], [ 456908.440709147951566, 6717195.549385425634682 ], [ 456908.222685466287658, 6717195.681361744180322 ], [ 456907.409609447000548, 6717194.868285724893212 ], [ 456907.01279395626625, 6717194.821470234543085 ], [ 456907.42862723878352, 6717194.537303516641259 ], [ 456907.231068645021878, 6717193.989744923077524 ], [ 456908.067151866445784, 6717193.425828143954277 ], [ 456907.885476146242581, 6717192.894152424298227 ], [ 456909.144570384523831, 6717192.053252003155649 ], [ 456908.97345298336586, 6717191.532129261642694 ], [ 456909.816617808828596, 6717190.975294087082148 ], [ 456909.651877055643126, 6717190.460553333163261 ], [ 456910.496366343984846, 6717189.905042622238398 ], [ 456910.333254466531798, 6717189.391930744051933 ], [ 456911.602047191176098, 6717188.560723468661308 ], [ 456911.450214610609692, 6717188.058890888467431 ], [ 456912.303200755617581, 6717187.511877033859491 ], [ 456912.170594249269925, 6717187.029270526953042 ], [ 456912.816467509779613, 6717186.625143787823617 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456856.055785213015042, 6717195.664469501934946 ], [ 456857.490207896742504, 6717196.74867589212954 ], [ 456858.374075923464261, 6717196.932936451397836 ], [ 456859.23887542297598, 6717197.797298023477197 ], [ 456860.123889003298245, 6717197.982818958349526 ], [ 456860.98865912965266, 6717198.847180530428886 ], [ 456861.871929011831526, 6717199.030976459383965 ], [ 456862.667896495375317, 6717199.826706287451088 ], [ 456863.011119304166641, 6717199.819832965731621 ], [ 456862.592006907972973, 6717200.100715229287744 ], [ 456862.769236598513089, 6717200.627899524755776 ], [ 456862.345787654398009, 6717200.904471943154931 ], [ 456862.492586741922423, 6717201.401204273104668 ], [ 456862.064972148451488, 6717201.67370717227459 ], [ 456862.195786891446915, 6717202.154364368878305 ], [ 456861.335671077249572, 6717202.694317981600761 ], [ 456861.453441463003401, 6717203.162050983868539 ], [ 456861.021006999479141, 6717203.429512378759682 ], [ 456861.132803950808011, 6717203.891680500470102 ], [ 456860.69985412171809, 6717204.158420917578042 ], [ 456860.811477504263166, 6717204.620156452059746 ], [ 456859.945529780874494, 6717205.154443714767694 ], [ 456860.055289302370511, 6717205.613508961163461 ], [ 456859.621236644277815, 6717205.87951771914959 ], [ 456859.727279124723282, 6717206.336120960302651 ], [ 456859.292692409071606, 6717206.601766560226679 ], [ 456859.398283610818908, 6717207.057205555029213 ], [ 456858.746869502530899, 6717207.455388233065605 ], [ 456857.703641353116836, 6717206.762384388595819 ], [ 456857.485494838270824, 6717206.89401890989393 ], [ 456856.619995723245665, 6717206.028808185830712 ], [ 456856.401568828092422, 6717206.160266468301415 ], [ 456855.936829219339415, 6717205.695572254247963 ], [ 456855.718076549062971, 6717205.826715443283319 ], [ 456854.544687877176329, 6717205.003417560830712 ], [ 456854.325935206899885, 6717205.134555408731103 ], [ 456853.861275706789456, 6717204.669898578897119 ], [ 456853.642854152189102, 6717204.801356861367822 ], [ 456852.781523356912658, 6717203.94053609110415 ], [ 456852.563748012064025, 6717204.072298786602914 ], [ 456851.817992625699844, 6717203.676652882248163 ], [ 456852.237331996439025, 6717203.395968220196664 ], [ 456852.062689815065823, 6717202.871267292648554 ], [ 456852.486961207876448, 6717202.595533344894648 ], [ 456852.345540080568753, 6717202.104040119796991 ], [ 456852.774577937612776, 6717201.83340108115226 ], [ 456852.654049144301098, 6717201.362714741379023 ], [ 456853.086352763639297, 6717201.095061085186899 ], [ 456852.975618587050121, 6717200.634415027685463 ], [ 456853.409249339601956, 6717200.368053791113198 ], [ 456853.300726161513012, 6717199.909463856369257 ], [ 456854.168380198942032, 6717199.376955006271601 ], [ 456854.063352427969221, 6717198.922247669659555 ], [ 456854.498515925894026, 6717198.657429859042168 ], [ 456854.397872767935041, 6717198.206375476904213 ], [ 456854.833420787355863, 6717197.942321369424462 ], [ 456854.7343717913609, 6717197.493146870285273 ], [ 456855.170168147596996, 6717197.229140827432275 ], [ 456855.07060111570172, 6717196.779117176309228 ], [ 456855.506074367032852, 6717196.514726612716913 ], [ 456855.40365012694383, 6717196.062433216720819 ], [ 456856.055785213015042, 6717195.664469501934946 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717207.515058491379023 ], [ 457024.956791148695629, 6717205.315723774023354 ], [ 457025.37363380001625, 6717205.032336780801415 ], [ 457025.181351695558988, 6717204.490060016512871 ], [ 457026.017814097867813, 6717203.92715260758996 ], [ 457025.835080943594221, 6717203.394109699875116 ], [ 457026.671970592055004, 6717202.829616138711572 ], [ 457026.474732432863675, 6717202.283638355322182 ], [ 457026.891062388895079, 6717201.999316761270165 ], [ 457026.501093516824767, 6717201.959096882492304 ], [ 457025.690799937758129, 6717201.148717854171991 ], [ 457025.471964488504454, 6717201.281084034591913 ], [ 457024.640799937711563, 6717200.448888752609491 ], [ 457024.421964488516096, 6717200.581228230148554 ], [ 457023.590799937723204, 6717199.748888752423227 ], [ 457023.371964488527738, 6717199.881228229962289 ], [ 457022.540799937734846, 6717199.048888752236962 ], [ 457022.321964488539379, 6717199.181228229776025 ], [ 457021.490799937746488, 6717198.348888752050698 ], [ 457021.271964488492813, 6717198.48122822958976 ], [ 457020.440799937758129, 6717197.648888751864433 ], [ 457020.221964488504454, 6717197.781228229403496 ], [ 457019.390799937711563, 6717196.949203846044838 ], [ 457019.171964488516096, 6717197.081580707803369 ], [ 457018.368549571547192, 6717196.277770588174462 ], [ 457017.993641124281567, 6717196.252328082919121 ], [ 457018.411060557875317, 6717195.969581958837807 ], [ 457018.22324317501625, 6717195.433190509676933 ], [ 457019.066947398649063, 6717194.875880024395883 ], [ 457018.912519298086409, 6717194.372434590011835 ], [ 457019.339573131117504, 6717194.096796772442758 ], [ 457019.194950328383129, 6717193.60374409891665 ], [ 457020.04758399532875, 6717193.05605733115226 ], [ 457019.906528697523754, 6717192.565156910568476 ], [ 457020.759183726797346, 6717192.019275257363915 ], [ 457020.620649180898909, 6717191.530158588662744 ], [ 457021.475333629117813, 6717190.985398456454277 ], [ 457021.341541514906567, 6717190.501253864727914 ], [ 457021.771222911367659, 6717190.2289272043854 ], [ 457021.637558970949613, 6717189.745188496075571 ], [ 457022.492692027590238, 6717189.200423023663461 ], [ 457022.354776988504454, 6717188.712593433447182 ], [ 457023.207987437723204, 6717188.167523548007011 ], [ 457023.070072398695629, 6717187.679693958722055 ], [ 457023.925205455336254, 6717187.134928486309946 ], [ 457023.79154151486, 6717186.651200458407402 ], [ 457024.2212229113793, 6717186.378911182284355 ], [ 457024.08749488403555, 6717185.895177815109491 ], [ 457024.942627940676175, 6717185.350353595800698 ], [ 457024.804712901590392, 6717184.861199542880058 ], [ 457025.657880626211409, 6717184.315611622296274 ], [ 457025.518256602750625, 6717183.826089069247246 ], [ 457026.372065196512267, 6717183.280004475265741 ], [ 457026.233530650613829, 6717182.791688892990351 ], [ 457026.660221324476879, 6717182.519303485751152 ], [ 457026.519272838137113, 6717182.027746174484491 ], [ 457027.37045386841055, 6717181.479621479287744 ], [ 457027.220875011000317, 6717180.977927753701806 ], [ 457027.856382213125471, 6717180.565058491192758 ], [ 457027.856382213125471, 6717207.515058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456846.303599391481839, 6717191.512038013897836 ], [ 456846.9849647860392, 6717192.193639729171991 ], [ 456847.202486453519668, 6717192.061375019140542 ], [ 456848.023005900846329, 6717192.881399128586054 ], [ 456848.240813289186917, 6717192.749556324444711 ], [ 456849.072577319631819, 6717193.580971881747246 ], [ 456849.290391383634415, 6717193.449145100079477 ], [ 456850.122230182169005, 6717194.280918476171792 ], [ 456850.340052257059142, 6717194.149091694504023 ], [ 456851.172188792726956, 6717194.980533954687417 ], [ 456851.389990840456448, 6717194.84866978880018 ], [ 456852.197413859830704, 6717195.656090137548745 ], [ 456852.58489669370465, 6717195.693532917648554 ], [ 456852.168283687147778, 6717195.976839802227914 ], [ 456852.358744655153714, 6717196.517498371191323 ], [ 456851.518284831545316, 6717197.076923725195229 ], [ 456851.681869349966291, 6717197.590521595440805 ], [ 456850.834234462294262, 6717198.142972156405449 ], [ 456850.982531581423245, 6717198.641093037091196 ], [ 456850.129998050222639, 6717199.188662311993539 ], [ 456850.26770347164711, 6717199.67648122087121 ], [ 456849.840018115530256, 6717199.948498127050698 ], [ 456849.97570880461717, 6717200.434410450048745 ], [ 456849.12082408479182, 6717200.979613849893212 ], [ 456849.258505473611876, 6717201.467042896896601 ], [ 456848.403545985696837, 6717202.012203571386635 ], [ 456848.538494334730785, 6717202.49727208353579 ], [ 456847.681012759683654, 6717203.039778492413461 ], [ 456847.806340060720686, 6717203.515164539217949 ], [ 456847.159211764810607, 6717203.918084308505058 ], [ 456846.477794299600646, 6717203.236466571688652 ], [ 456846.260257945570629, 6717203.36874196305871 ], [ 456845.439762530790176, 6717202.548739216290414 ], [ 456845.221943126234692, 6717202.680592700839043 ], [ 456844.390164409182034, 6717201.849123737774789 ], [ 456844.172339664015453, 6717201.980950519442558 ], [ 456843.340301928983536, 6717201.149145100265741 ], [ 456843.122469172987621, 6717201.28097188193351 ], [ 456842.290686450491194, 6717200.449689839035273 ], [ 456842.072956500516739, 6717200.581516620703042 ], [ 456841.265278468606994, 6717199.774010822176933 ], [ 456840.877847705385648, 6717199.736584064550698 ], [ 456841.294500766263809, 6717199.453255817294121 ], [ 456841.104034457704984, 6717198.912602588534355 ], [ 456841.944498286757153, 6717198.353171894326806 ], [ 456841.78090442228131, 6717197.839622089639306 ], [ 456842.628533969400451, 6717197.287176868878305 ], [ 456842.480272899148986, 6717196.788986560888588 ], [ 456843.332775722024962, 6717196.241443988867104 ], [ 456843.195060954603832, 6717195.75364644266665 ], [ 456843.622759662161116, 6717195.481618855148554 ], [ 456843.487066302797757, 6717194.995690509676933 ], [ 456844.341943011793774, 6717194.450492450967431 ], [ 456844.204254947195295, 6717193.963079426437616 ], [ 456845.059230456827208, 6717193.417908069677651 ], [ 456844.924286113295238, 6717192.932839557528496 ], [ 456845.781747661123518, 6717192.390349171124399 ], [ 456845.656437716970686, 6717191.914968464523554 ], [ 456846.303599391481839, 6717191.512038013897836 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456896.797350535867736, 6717181.106026813387871 ], [ 456902.047067485342268, 6717184.955743763595819 ], [ 456901.217259440920316, 6717185.525935718789697 ], [ 456901.417760692129377, 6717186.076436970382929 ], [ 456900.167296824918594, 6717186.925973102450371 ], [ 456900.356000743398909, 6717187.464677020907402 ], [ 456899.101584849820938, 6717188.310261127538979 ], [ 456899.475425181852188, 6717189.384101459756494 ], [ 456906.543095622560941, 6717194.701771900057793 ], [ 456906.127529368910473, 6717194.986205646768212 ], [ 456906.328505931363907, 6717195.537187550216913 ], [ 456905.078811107145157, 6717196.387487385421991 ], [ 456905.269907603738829, 6717196.928583881817758 ], [ 456904.015860209940001, 6717197.774536487646401 ], [ 456904.198021922609769, 6717198.306698200292885 ], [ 456903.35908149293391, 6717198.867757771164179 ], [ 456903.537237773416564, 6717199.395914051681757 ], [ 456902.277107463392895, 6717200.235783740878105 ], [ 456902.446521220670547, 6717200.755197498947382 ], [ 456901.175768504617736, 6717201.584444782696664 ], [ 456901.316855845914688, 6717202.075532123446465 ], [ 456900.672440562746488, 6717202.481116840615869 ], [ 456893.347017894266173, 6717197.255694172345102 ], [ 456893.763294444594067, 6717196.971970722079277 ], [ 456893.568208537588362, 6717196.426884815096855 ], [ 456894.403693614469375, 6717195.862369892187417 ], [ 456894.216068492445629, 6717195.324744770303369 ], [ 456895.468230662809219, 6717194.476906940340996 ], [ 456895.273951182840392, 6717193.932627460919321 ], [ 456896.106536326871719, 6717193.365212604403496 ], [ 456895.947926555178128, 6717193.206602833233774 ], [ 456895.514682994398754, 6717193.473359271883965 ], [ 456894.78098929929547, 6717192.739665577188134 ], [ 456894.563216624723282, 6717192.871892903000116 ], [ 456893.740308604727034, 6717192.048984882421792 ], [ 456893.522274241957348, 6717192.180950519628823 ], [ 456892.690404735098127, 6717191.349081013351679 ], [ 456892.472359691164456, 6717191.481035969220102 ], [ 456889.741076884733047, 6717189.449753162451088 ], [ 456890.566938243398909, 6717188.875614521093667 ], [ 456890.345352397474926, 6717188.304028674960136 ], [ 456891.993625102506485, 6717187.15230138041079 ], [ 456891.765924296865705, 6717186.574600574560463 ], [ 456893.414399943838362, 6717185.423076221719384 ], [ 456893.194026408658829, 6717184.852702686563134 ], [ 456894.435881267068908, 6717183.994557544589043 ], [ 456894.229104838857893, 6717183.43778111692518 ], [ 456895.899450145254377, 6717182.308126423507929 ], [ 456895.731462321768049, 6717181.790138599462807 ], [ 456896.797350535867736, 6717181.106026813387871 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456939.147307811246719, 6717188.45556752383709 ], [ 456945.451088939211331, 6717193.359850666485727 ], [ 456944.622156749246642, 6717193.930833026766777 ], [ 456944.82716010621516, 6717194.486557361669838 ], [ 456943.580893931852188, 6717195.339212391525507 ], [ 456943.780108104227111, 6717195.889206287451088 ], [ 456942.531257091031875, 6717196.740718433633447 ], [ 456942.728452525625471, 6717197.287310383282602 ], [ 456941.478479991434142, 6717198.136819813400507 ], [ 456941.670195994840469, 6717198.678824207745492 ], [ 456940.414487681875471, 6717199.523911640048027 ], [ 456940.590481029066723, 6717200.049205372110009 ], [ 456939.322019420156721, 6717200.880434010177851 ], [ 456939.465082774637267, 6717201.373662922531366 ], [ 456938.821030650637113, 6717201.779706928879023 ], [ 456932.090825877676252, 6717196.799443408846855 ], [ 456932.916970286867581, 6717196.225181934423745 ], [ 456932.695304332242813, 6717195.654060718603432 ], [ 456934.343587718496565, 6717194.502440235577524 ], [ 456934.11610053590266, 6717193.924264118075371 ], [ 456935.764020762930159, 6717192.773236438632011 ], [ 456935.54395698121516, 6717192.20273473020643 ], [ 456936.786014781508129, 6717191.344562885351479 ], [ 456936.579430614016019, 6717190.78731114603579 ], [ 456938.249418101797346, 6717189.657848712988198 ], [ 456938.081211314711254, 6717189.140031788498163 ], [ 456939.147307811246719, 6717188.45556752383709 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457016.754114757059142, 6717158.262556049972773 ], [ 457017.429056773660704, 6717158.940948078408837 ], [ 457017.647657237539534, 6717158.808192036114633 ], [ 457018.471985850832425, 6717159.631548664532602 ], [ 457018.690778575430159, 6717159.499187824316323 ], [ 457019.521985850820784, 6717160.331206867471337 ], [ 457019.740778575418517, 6717160.198910114355385 ], [ 457020.571985850809142, 6717161.031206867657602 ], [ 457020.790778575406875, 6717160.89891011454165 ], [ 457021.6219858507975, 6717161.731206867843866 ], [ 457021.840778575453442, 6717161.598910114727914 ], [ 457022.671985850844067, 6717162.431206867098808 ], [ 457022.8907785754418, 6717162.298910114914179 ], [ 457023.721964488504454, 6717163.131046649999917 ], [ 457023.940799937758129, 6717162.998680469579995 ], [ 457025.501017222879454, 6717164.209618732333183 ], [ 457025.083811412332579, 6717164.492669269442558 ], [ 457025.272226939676329, 6717165.030273029580712 ], [ 457024.431833873270079, 6717165.590835926122963 ], [ 457024.600766978750471, 6717166.108909199014306 ], [ 457023.755781016836409, 6717166.665755054913461 ], [ 457023.918775401602034, 6717167.176810810342431 ], [ 457023.073832164285704, 6717167.732374927960336 ], [ 457023.238279185781721, 6717168.247420093975961 ], [ 457021.974421153543517, 6717169.080651447176933 ], [ 457022.136710582242813, 6717169.595648548565805 ], [ 457021.290848765871488, 6717170.149509022012353 ], [ 457021.447989879117813, 6717170.655881091952324 ], [ 457020.599308238539379, 6717171.209063312970102 ], [ 457020.753287730680313, 6717171.71115758176893 ], [ 457019.905845103727188, 6717172.261840412393212 ], [ 457020.056919322523754, 6717172.76827656943351 ], [ 457019.209476695570629, 6717173.318959400057793 ], [ 457019.3634348254418, 6717173.821048328652978 ], [ 457018.514774547133129, 6717174.374193165451288 ], [ 457018.671872935781721, 6717174.880645344033837 ], [ 457017.826053844008129, 6717175.434441730380058 ], [ 457017.988343272707425, 6717175.948835346847773 ], [ 457016.724421153543517, 6717176.781281635165215 ], [ 457016.886710582242813, 6717177.295669910497963 ], [ 457016.040912852797192, 6717177.849455616436899 ], [ 457016.19796851684805, 6717178.355817005038261 ], [ 457015.349201427015942, 6717178.908961841836572 ], [ 457015.503031383035704, 6717179.410895893350244 ], [ 457014.654798350820784, 6717179.961995288729668 ], [ 457014.806150279531721, 6717180.464447376318276 ], [ 457013.956614146707579, 6717181.015664264559746 ], [ 457014.107923350820784, 6717181.518148396164179 ], [ 457013.259604869352188, 6717182.069285175763071 ], [ 457013.413477550027892, 6717182.571176502853632 ], [ 457012.564817271719221, 6717183.124283954501152 ], [ 457012.721915660367813, 6717183.630533192306757 ], [ 457011.875925670145079, 6717184.184436390176415 ], [ 457012.038279185770079, 6717184.698178455233574 ], [ 457010.773481212148909, 6717185.53043248411268 ], [ 457010.933912120352034, 6717186.042524311691523 ], [ 457010.087323985586409, 6717186.594649097882211 ], [ 457010.23874000122305, 6717187.096583149395883 ], [ 457009.38822120236, 6717187.645028278231621 ], [ 457009.528422008035704, 6717188.136954090557992 ], [ 457008.671708140871488, 6717188.680672809481621 ], [ 457008.797446666227188, 6717189.156384631991386 ], [ 457008.150211558851879, 6717189.558631489053369 ], [ 457006.790746531973127, 6717188.548189137130976 ], [ 457006.572017894301098, 6717188.680571339093149 ], [ 457005.740746531984769, 6717187.848904773592949 ], [ 457005.522017894254532, 6717187.981206867843866 ], [ 457004.69074653199641, 6717187.148573658429086 ], [ 457004.472017894266173, 6717187.280843708664179 ], [ 457003.622460399172269, 6717186.431617328897119 ], [ 457002.740304027101956, 6717186.248499653302133 ], [ 456999.814277110563125, 6717184.02286259829998 ], [ 456999.596488414274063, 6717184.155704090371728 ], [ 456999.426690135500394, 6717183.98529164493084 ], [ 456999.843052135023754, 6717183.701776478439569 ], [ 456999.650759349344298, 6717183.159590504132211 ], [ 457000.490383372816723, 6717182.598995563574135 ], [ 457000.322817454813048, 6717182.080687305890024 ], [ 457001.168091807863675, 6717181.525999043136835 ], [ 457001.011484752176329, 6717181.02035329118371 ], [ 457001.859899364004377, 6717180.468249866738915 ], [ 457001.708109508035704, 6717179.966486713849008 ], [ 457002.556865916762035, 6717179.416006824932992 ], [ 457002.40659278439125, 6717178.915439960546792 ], [ 457003.256182322977111, 6717178.365077564492822 ], [ 457003.106582103238907, 6717177.865188953466713 ], [ 457003.956182322988752, 6717177.314928028732538 ], [ 457003.806582103250548, 6717176.815087482333183 ], [ 457004.656182323000394, 6717176.264735767617822 ], [ 457004.506112132570706, 6717175.763896534219384 ], [ 457005.354975352762267, 6717175.213528797030449 ], [ 457005.203634105215315, 6717174.713084766641259 ], [ 457006.052497325406875, 6717174.161846515722573 ], [ 457005.899607310770079, 6717173.658208820968866 ], [ 457006.747381053457502, 6717173.105913136154413 ], [ 457006.590357432840392, 6717172.598820087499917 ], [ 457007.43622993043391, 6717172.044943592511117 ], [ 457007.273748240957502, 6717171.531933185644448 ], [ 457008.53830054809805, 6717170.698995564132929 ], [ 457008.376032481668517, 6717170.184431049972773 ], [ 457009.221979747293517, 6717169.630575916729867 ], [ 457009.064902720914688, 6717169.124278614297509 ], [ 457009.913584361551329, 6717168.571176502853632 ], [ 457009.759733043203596, 6717168.069258472882211 ], [ 457010.608072886941954, 6717167.518111011944711 ], [ 457010.456614146707579, 6717167.017159625887871 ], [ 457011.306150279531721, 6717166.466434070840478 ], [ 457011.156614146719221, 6717165.965146228671074 ], [ 457012.006150279543363, 6717165.41497075278312 ], [ 457011.856614146730863, 6717164.915146228857338 ], [ 457012.706150279555004, 6717164.364970752969384 ], [ 457012.556614146742504, 6717163.865146229043603 ], [ 457013.406150279508438, 6717163.314997456036508 ], [ 457013.256571422098204, 6717162.816230366006494 ], [ 457014.106235728773754, 6717162.266503497958183 ], [ 457013.958216319559142, 6717161.768484089523554 ], [ 457014.809931407449767, 6717161.218703815713525 ], [ 457014.664368663332425, 6717160.723472187295556 ], [ 457015.51608375122305, 6717160.176693317480385 ], [ 457015.377634654520079, 6717159.686716816388071 ], [ 457016.233664927945938, 6717159.143505451269448 ], [ 457016.107349620375317, 6717158.665726825594902 ], [ 457016.754114757059142, 6717158.262556049972773 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.190152965078596, 6717167.748829242773354 ], [ 456886.592951426981017, 6717173.70162770524621 ], [ 456886.177411876211409, 6717173.986088153906167 ], [ 456886.378532634291332, 6717174.537214253097773 ], [ 456885.128971324476879, 6717175.387642261572182 ], [ 456885.320420299074613, 6717175.929096576757729 ], [ 456884.066842875967268, 6717176.775519154034555 ], [ 456884.250836406252347, 6717177.309512684121728 ], [ 456883.413086925051175, 6717177.871763203293085 ], [ 456883.597091136442032, 6717178.405767414718866 ], [ 456882.343113170180004, 6717179.251789447851479 ], [ 456882.532602153311018, 6717179.79127843119204 ], [ 456881.28001273679547, 6717180.638689015060663 ], [ 456881.469309459207579, 6717181.177985737100244 ], [ 456880.214979014883284, 6717182.023655292578042 ], [ 456880.397402415750548, 6717182.556078693829477 ], [ 456879.558558116434142, 6717183.117234393954277 ], [ 456879.736997447500471, 6717183.645673725754023 ], [ 456878.476963267836254, 6717184.485639546066523 ], [ 456878.64646781492047, 6717185.005144093185663 ], [ 456877.375747142301407, 6717185.834423420019448 ], [ 456877.516834483656567, 6717186.325510761700571 ], [ 456876.872424540983047, 6717186.731100819073617 ], [ 456875.195088420412503, 6717185.403764698654413 ], [ 456874.977192912600003, 6717185.535869190469384 ], [ 456873.785341868875548, 6717184.344018146395683 ], [ 456873.567435679899063, 6717184.476111957803369 ], [ 456871.694834743044339, 6717182.953583118505776 ], [ 456871.476800380216446, 6717183.085741017013788 ], [ 456870.286044154665433, 6717181.894664356485009 ], [ 456870.068057857046369, 6717182.026827595196664 ], [ 456869.262640224013012, 6717181.221276447176933 ], [ 456869.045139918802306, 6717181.353840229101479 ], [ 456867.817592463979963, 6717179.776244709268212 ], [ 456867.600110850820784, 6717179.908787128515542 ], [ 456866.789606318983715, 6717179.098306629806757 ], [ 456866.571710811171215, 6717179.230218861252069 ], [ 456865.740305934450589, 6717178.399139759130776 ], [ 456865.522450480959378, 6717178.530977223068476 ], [ 456864.690313945291564, 6717177.699139758944511 ], [ 456864.47245048097102, 6717177.830977222882211 ], [ 456863.640313945303205, 6717176.999139759689569 ], [ 456863.422450480924454, 6717177.130977222695947 ], [ 456862.590313945314847, 6717176.299139759503305 ], [ 456862.372450480936095, 6717176.430977222509682 ], [ 456861.540658412443008, 6717175.599433491006494 ], [ 456861.322818980726879, 6717175.731292316690087 ], [ 456859.753704295668285, 6717174.51211354508996 ], [ 456860.170167766103987, 6717174.228758594952524 ], [ 456859.977848277601879, 6717173.686433766037226 ], [ 456860.816476283536758, 6717173.124952290207148 ], [ 456860.641572413907852, 6717172.600342151708901 ], [ 456861.484360728762113, 6717172.04317052103579 ], [ 456861.315438304445706, 6717171.52423207461834 ], [ 456862.583371196291409, 6717170.692058155313134 ], [ 456862.425757442018948, 6717170.184617970138788 ], [ 456863.27561133907875, 6717169.634207508526742 ], [ 456863.130465159891173, 6717169.139039967209101 ], [ 456863.985745082376525, 6717168.594418689608574 ], [ 456863.857103953836486, 6717168.115774891339242 ], [ 456864.504010615812149, 6717167.712379810400307 ], [ 456867.272450480959378, 6717169.780977223068476 ], [ 456867.490313945279922, 6717169.649139759130776 ], [ 456868.322450480947737, 6717170.480977222323418 ], [ 456868.540313945326488, 6717170.34913975931704 ], [ 456869.372450480936095, 6717171.180977222509682 ], [ 456869.590313945314847, 6717171.049139759503305 ], [ 456870.422450480924454, 6717171.880977222695947 ], [ 456870.640313945303205, 6717171.749139759689569 ], [ 456871.47245048097102, 6717172.580977222882211 ], [ 456871.690300593851134, 6717172.449139758944511 ], [ 456872.519769511709455, 6717173.27800786215812 ], [ 456872.737392650160473, 6717173.146068927831948 ], [ 456873.314831767580472, 6717173.723508045077324 ], [ 456872.89896377135301, 6717174.007888386026025 ], [ 456873.02493995236, 6717174.13364293333143 ], [ 456873.669579539797269, 6717173.72825581766665 ], [ 456873.532946238992736, 6717173.2416225168854 ], [ 456874.807042155764066, 6717172.415718433447182 ], [ 456874.645997081301175, 6717171.904673359356821 ], [ 456875.489914927980863, 6717171.348591205663979 ], [ 456875.320025859342422, 6717170.828702136874199 ], [ 456876.582623515627347, 6717169.991299793124199 ], [ 456876.415175090311095, 6717169.47385136783123 ], [ 456877.686456523428205, 6717168.645132801495492 ], [ 456877.545684276090469, 6717168.154360554181039 ], [ 456878.190152965078596, 6717167.748829242773354 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456924.794925914320629, 6717158.00360219180584 ], [ 456932.178389964567032, 6717163.987461444921792 ], [ 456931.349831614992581, 6717164.558935139328241 ], [ 456931.511854014883284, 6717164.720519611611962 ], [ 456932.377625499269925, 6717164.186467334628105 ], [ 456933.079270396730863, 6717164.888640949502587 ], [ 456933.297240672574844, 6717164.755991718731821 ], [ 456936.222028575430159, 6717167.331863758154213 ], [ 456936.440735850832425, 6717167.199102375656366 ], [ 456937.622028575453442, 6717168.381399128586054 ], [ 456937.8407358507975, 6717168.248717853799462 ], [ 456939.855745921609923, 6717169.914491627365351 ], [ 456939.027817760012113, 6717170.486349842511117 ], [ 456939.237980113539379, 6717171.04640538431704 ], [ 456937.991008983168285, 6717171.899813435040414 ], [ 456938.194581065676175, 6717172.453321430832148 ], [ 456936.945185313699767, 6717173.304417011328042 ], [ 456937.145820079313125, 6717173.855249378830194 ], [ 456935.896050487062894, 6717174.70505253970623 ], [ 456936.095061717496719, 6717175.254186604171991 ], [ 456934.843615184305236, 6717176.10239293333143 ], [ 456935.036420665273909, 6717176.64542271848768 ], [ 456933.822176585672423, 6717177.5311732981354 ], [ 456935.302573619352188, 6717176.561068317852914 ], [ 456935.115557322977111, 6717176.02396123111248 ], [ 456936.782287059293594, 6717174.890525409951806 ], [ 456936.57211402466055, 6717174.332007953897119 ], [ 456937.818871531984769, 6717173.477766773663461 ], [ 456937.613686595461331, 6717172.92260853946209 ], [ 456939.288331065676175, 6717171.797130176797509 ], [ 456939.123147044680081, 6717171.281972859054804 ], [ 456940.189339671633206, 6717170.597764942795038 ], [ 456947.237938914797269, 6717176.246625874191523 ], [ 456946.41428321407875, 6717176.823279926553369 ], [ 456946.651191173063125, 6717177.410006306134164 ], [ 456944.608431468484923, 6717178.867198536172509 ], [ 456944.871967540297192, 6717179.480718586593866 ], [ 456942.834943614492659, 6717180.943951007910073 ], [ 456943.088012156949844, 6717181.547008869238198 ], [ 456941.022918162809219, 6717182.981514331884682 ], [ 456941.20786231564125, 6717183.516138050705194 ], [ 456940.145504222426098, 6717184.204532978124917 ], [ 456938.190735850832425, 6717182.598701831884682 ], [ 456937.972028575430159, 6717182.731393788009882 ], [ 456936.790735850809142, 6717181.548717853613198 ], [ 456936.572028575406875, 6717181.681399128399789 ], [ 456935.390735850844067, 6717180.498696491122246 ], [ 456935.1720285754418, 6717180.631377765908837 ], [ 456933.981881175539456, 6717179.440349170938134 ], [ 456933.763729320082348, 6717179.572432301007211 ], [ 456933.13974708126625, 6717178.9479213450104 ], [ 456933.967515025637113, 6717178.375721332617104 ], [ 456933.802170787355863, 6717178.210911151953042 ], [ 456932.936260448012035, 6717178.744632313027978 ], [ 456932.233515391824767, 6717178.041470691561699 ], [ 456932.015545115980785, 6717178.174125263467431 ], [ 456929.0907358507975, 6717175.598253224045038 ], [ 456928.872028575453442, 6717175.731014606542885 ], [ 456927.690735850832425, 6717174.548717853613198 ], [ 456927.472028575430159, 6717174.681399128399789 ], [ 456925.457018504617736, 6717173.015625354833901 ], [ 456926.284946666273754, 6717172.443767139688134 ], [ 456926.074784312746488, 6717171.883711597882211 ], [ 456927.321755443117581, 6717171.030303547158837 ], [ 456927.118183360609692, 6717170.476795551367104 ], [ 456928.367579112527892, 6717169.62569997087121 ], [ 456928.166955028078519, 6717169.074867603369057 ], [ 456929.416681895731017, 6717168.225069782696664 ], [ 456929.217649302969221, 6717167.675919696688652 ], [ 456930.469117198488675, 6717166.827697345986962 ], [ 456930.276365123281721, 6717166.284539386630058 ], [ 456931.479426036356017, 6717165.387888691388071 ], [ 456929.998024974367581, 6717166.356711933389306 ], [ 456930.180651317117736, 6717166.889081928879023 ], [ 456928.928318248305004, 6717167.737176105380058 ], [ 456929.140093455789611, 6717168.299394581466913 ], [ 456927.485497508547269, 6717169.444280598312616 ], [ 456927.712386546598282, 6717170.021500751376152 ], [ 456926.060215220961254, 6717171.168581745587289 ], [ 456926.278420482180081, 6717171.737155506387353 ], [ 456925.033767161832657, 6717172.592256519943476 ], [ 456925.236484752211254, 6717173.145486805588007 ], [ 456923.565418468031567, 6717174.27396123111248 ], [ 456923.733603892789688, 6717174.792151996865869 ], [ 456922.668148265394848, 6717175.477096912451088 ], [ 456915.289426646719221, 6717169.498102924786508 ], [ 456916.116799388430081, 6717168.925475666299462 ], [ 456915.900767741666641, 6717168.359444019384682 ], [ 456917.552853618166409, 6717167.211529895663261 ], [ 456917.333371959219221, 6717166.642048236913979 ], [ 456918.572278819570784, 6717165.780607960186899 ], [ 456918.348914561735, 6717165.207500049844384 ], [ 456919.996172557352111, 6717164.055057117715478 ], [ 456919.7672434191918, 6717163.475407001562417 ], [ 456921.414960704336409, 6717162.32363698258996 ], [ 456921.194298778078519, 6717161.752964374609292 ], [ 456922.435972056875471, 6717160.894648334942758 ], [ 456922.228917918691877, 6717160.337594196200371 ], [ 456923.898819957277738, 6717159.207496235147119 ], [ 456923.729844127199613, 6717158.688520405441523 ], [ 456924.794925914320629, 6717158.00360219180584 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.466761241434142, 6717175.075437519699335 ], [ 456917.652444682607893, 6717178.86112096067518 ], [ 456917.233684764418285, 6717179.14236104208976 ], [ 456917.411520610330626, 6717179.670196888037026 ], [ 456916.989070353971329, 6717179.94774663168937 ], [ 456917.144224772928283, 6717180.452901050448418 ], [ 456916.29325736570172, 6717181.001933643594384 ], [ 456916.431759868166409, 6717181.49043614603579 ], [ 456915.574704204103909, 6717182.033380482345819 ], [ 456915.699428019986954, 6717182.508104298263788 ], [ 456915.268283305631485, 6717182.776959583163261 ], [ 456915.385759959695861, 6717183.244436237961054 ], [ 456914.737205729994457, 6717183.645882007665932 ], [ 456914.029061351320706, 6717182.937737628817558 ], [ 456913.811352763674222, 6717183.070029041729867 ], [ 456912.990308604727034, 6717182.248984882608056 ], [ 456912.772274241957348, 6717182.380950519815087 ], [ 456911.940404735098127, 6717181.549081012606621 ], [ 456911.722359691164456, 6717181.681035969406366 ], [ 456910.890490184305236, 6717180.8491664621979 ], [ 456910.67245582153555, 6717180.981132099404931 ], [ 456909.101365123293363, 6717179.760041400790215 ], [ 456909.518020854506176, 6717179.476697131991386 ], [ 456909.326870952150784, 6717178.935547229833901 ], [ 456910.165165172133129, 6717178.37384144961834 ], [ 456909.991147838125471, 6717177.849824115633965 ], [ 456911.256527934572659, 6717177.015204212628305 ], [ 456911.101950297830626, 6717176.510626575909555 ], [ 456911.954327617189847, 6717175.963003895245492 ], [ 456911.821026835939847, 6717175.479703113436699 ], [ 456912.466761241434142, 6717175.075437519699335 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717175.665058490820229 ], [ 457026.390799937711563, 6717174.548888752236962 ], [ 457026.171964488516096, 6717174.681228229776025 ], [ 457025.340799937723204, 6717173.848888752050698 ], [ 457025.121964488527738, 6717173.98122822958976 ], [ 457024.290799937734846, 6717173.149118397384882 ], [ 457024.071964488539379, 6717173.281489918008447 ], [ 457023.267011485586409, 6717172.475239154882729 ], [ 457022.882917247305159, 6717172.441379901953042 ], [ 457023.299909434805159, 6717172.158030292950571 ], [ 457023.110895762918517, 6717171.619919178076088 ], [ 457023.953083262953442, 6717171.061754200607538 ], [ 457023.795365367433988, 6717170.55438344180584 ], [ 457024.646802745352034, 6717170.005195972509682 ], [ 457024.510019908426329, 6717169.518979236483574 ], [ 457024.939145885000471, 6717169.247715351171792 ], [ 457024.81210425903555, 6717168.77134663797915 ], [ 457025.674201426969375, 6717168.232669422402978 ], [ 457025.560532603762113, 6717167.769037983380258 ], [ 457026.429871593019925, 6717167.239049885421991 ], [ 457026.336390147684142, 6717166.795723316259682 ], [ 457026.775962291227188, 6717166.534622547216713 ], [ 457026.537836680887267, 6717165.246651813387871 ], [ 457026.977900157449767, 6717164.985908863134682 ], [ 457026.793949351820629, 6717164.102241108193994 ], [ 457027.13303321407875, 6717163.39217946305871 ], [ 457026.939319835219067, 6717162.498861286789179 ], [ 457027.376584849844221, 6717162.235271808691323 ], [ 457027.186353526602034, 6717161.344121906906366 ], [ 457027.530051646695938, 6717160.63928334414959 ], [ 457027.362272105703596, 6717159.77111928164959 ], [ 457027.805262217996642, 6717159.513682148419321 ], [ 457027.631757579336409, 6717158.292773029766977 ], [ 457027.856382213125471, 6717158.165058490820229 ], [ 457027.856382213125471, 6717175.665058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456858.905417857633438, 6717161.063431903719902 ], [ 456865.215025554178283, 6717165.623979542404413 ], [ 456864.798775706789456, 6717165.907526752911508 ], [ 456864.992889628920238, 6717166.45153920352459 ], [ 456864.156747661123518, 6717167.015279743820429 ], [ 456864.340679774759337, 6717167.549241229891777 ], [ 456863.080087504873518, 6717168.388608906418085 ], [ 456863.251052699575666, 6717168.909699603915215 ], [ 456862.407359157106839, 6717169.466059467755258 ], [ 456862.573445735441055, 6717169.982071277685463 ], [ 456861.728291545412503, 6717170.536882374435663 ], [ 456861.892164454970043, 6717171.050715229474008 ], [ 456860.620853648695629, 6717171.879455158486962 ], [ 456860.770122752699535, 6717172.378916523419321 ], [ 456859.91620200680336, 6717172.924899647012353 ], [ 456860.047452006838284, 6717173.40615498740226 ], [ 456859.401087413309142, 6717173.810041401535273 ], [ 456856.640313945303205, 6717171.749139759689569 ], [ 456856.422450480924454, 6717171.880977222695947 ], [ 456855.590313945314847, 6717171.049139759503305 ], [ 456855.372458491823636, 6717171.180977222509682 ], [ 456854.540823970339261, 6717170.349716541357338 ], [ 456854.323029933439102, 6717170.481570026837289 ], [ 456853.514517436502501, 6717169.673231098800898 ], [ 456853.126214824209455, 6717169.634917804971337 ], [ 456853.542699656973127, 6717169.351418659090996 ], [ 456853.350708613870665, 6717168.809291431680322 ], [ 456854.190111003408674, 6717168.248904773965478 ], [ 456854.022470317373518, 6717167.731333515606821 ], [ 456854.867827449343167, 6717167.176650593057275 ], [ 456854.711655650637113, 6717166.670267841778696 ], [ 456855.559763179335278, 6717166.118602344766259 ], [ 456855.4085661272984, 6717165.616972706280649 ], [ 456856.258115611562971, 6717165.066620990633965 ], [ 456856.109364543459378, 6717164.568227741867304 ], [ 456856.960187755117659, 6717164.018805286847055 ], [ 456856.814675746427383, 6717163.523728534579277 ], [ 456857.667280040273909, 6717162.976314136758447 ], [ 456857.528515849611722, 6717162.486951801925898 ], [ 456858.384949336526915, 6717161.943355915136635 ], [ 456858.258014522085432, 6717161.466933796182275 ], [ 456858.905417857633438, 6717161.063431903719902 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456894.145300517557189, 6717160.253950092941523 ], [ 456900.846073375258129, 6717167.654749653302133 ], [ 456894.166716228006408, 6717172.525392506271601 ], [ 456887.466669688699767, 6717165.125345966778696 ], [ 456894.145300517557189, 6717160.253950092941523 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456986.309028087125625, 6717149.517704364843667 ], [ 456986.985177073976956, 6717150.193853352218866 ], [ 456987.202816234144848, 6717150.061492512002587 ], [ 456988.022381053480785, 6717150.881057331338525 ], [ 456988.240415416250471, 6717150.749091694131494 ], [ 456989.072349009977188, 6717151.581025287508965 ], [ 456989.290415416238829, 6717151.449091694317758 ], [ 456990.122349010023754, 6717152.281025287695229 ], [ 456990.340415416227188, 6717152.149091694504023 ], [ 456991.172349010012113, 6717152.981025287881494 ], [ 456991.390415416273754, 6717152.849091693758965 ], [ 456992.222349010000471, 6717153.681025288067758 ], [ 456992.440415416262113, 6717153.549091693945229 ], [ 456993.272349009988829, 6717154.381025288254023 ], [ 456993.490383372816723, 6717154.249059651046991 ], [ 456995.053708873281721, 6717155.462385151535273 ], [ 456994.636866221902892, 6717155.745531818829477 ], [ 456994.826648936781567, 6717156.285325214266777 ], [ 456993.987740550539456, 6717156.846416828222573 ], [ 456994.159824595961254, 6717157.368500873446465 ], [ 456993.317498240969144, 6717157.92617451865226 ], [ 456993.485918651102111, 6717158.444594928994775 ], [ 456992.221740184293594, 6717159.280416462570429 ], [ 456992.385930858145002, 6717159.794607136398554 ], [ 456991.540282664762344, 6717160.348958943039179 ], [ 456991.697989879117813, 6717160.856666157022119 ], [ 456990.850675426016096, 6717161.409351703710854 ], [ 456991.005370555387344, 6717161.91404683329165 ], [ 456990.15744727657875, 6717162.466123554855585 ], [ 456990.312227855203673, 6717162.970236561261117 ], [ 456989.464539561769925, 6717163.523044941015542 ], [ 456989.621669993910473, 6717164.030378315597773 ], [ 456988.775498424074613, 6717164.584228107705712 ], [ 456988.937114940199535, 6717165.096191761083901 ], [ 456987.670159373781644, 6717165.92845113016665 ], [ 456987.828208384977188, 6717166.436601612716913 ], [ 456986.97923835326219, 6717166.987588856369257 ], [ 456987.125057445082348, 6717167.483733722940087 ], [ 456986.270640025613829, 6717168.029086658731103 ], [ 456986.400405345426407, 6717168.508889362215996 ], [ 456985.753875194059219, 6717168.912770435214043 ], [ 456985.078313670645002, 6717168.236519977450371 ], [ 456984.860300670145079, 6717168.369014332070947 ], [ 456984.040746531973127, 6717167.548776600509882 ], [ 456983.822017894301098, 6717167.681105396710336 ], [ 456982.990746531984769, 6717166.848910114727914 ], [ 456982.772017894254532, 6717166.981206867843866 ], [ 456981.94074653199641, 6717166.14891011454165 ], [ 456981.722017894266173, 6717166.281206867657602 ], [ 456980.890746531949844, 6717165.448910114355385 ], [ 456980.672017894277815, 6717165.581206867471337 ], [ 456979.840746531961486, 6717164.748910114169121 ], [ 456979.622017894289456, 6717164.881206867285073 ], [ 456978.790746531973127, 6717164.048963520675898 ], [ 456978.572017894301098, 6717164.181286975741386 ], [ 456977.008745799539611, 6717162.967480823397636 ], [ 456977.425663219008129, 6717162.684339497238398 ], [ 456977.236030040250625, 6717162.144706318154931 ], [ 456978.074970469984692, 6717161.58364674821496 ], [ 456977.902918467996642, 6717161.061594746075571 ], [ 456978.745244822988752, 6717160.503921100869775 ], [ 456978.576845775125548, 6717159.985522053204477 ], [ 456979.841024241934065, 6717159.149700519628823 ], [ 456979.676833568082657, 6717158.635509845800698 ], [ 456980.522481761465315, 6717158.081158039160073 ], [ 456980.364795909437817, 6717157.573472186923027 ], [ 456981.212110362539534, 6717157.020786640234292 ], [ 456981.057425914274063, 6717156.516102191992104 ], [ 456981.905359874246642, 6717155.964036151766777 ], [ 456981.750814280996565, 6717155.459490559063852 ], [ 456982.59825690794969, 6717154.906933185644448 ], [ 456982.441083751211409, 6717154.399760029278696 ], [ 456983.287212596449535, 6717153.845888874493539 ], [ 456983.125467906473204, 6717153.334144184365869 ], [ 456984.392829356656875, 6717152.501505634747446 ], [ 456984.234716258535627, 6717151.99339253641665 ], [ 456985.083707652578596, 6717151.44238393008709 ], [ 456984.937835154996719, 6717150.946511432528496 ], [ 456985.792402110586409, 6717150.401078388094902 ], [ 456985.662700877699535, 6717149.921377155929804 ], [ 456986.309028087125625, 6717149.517704364843667 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456875.042679057631176, 6717157.250431415624917 ], [ 456881.647476420912426, 6717162.456702778115869 ], [ 456881.230510936293285, 6717162.739144489169121 ], [ 456881.416154704580549, 6717163.274830982089043 ], [ 456880.574421153578442, 6717163.83309743180871 ], [ 456880.734948192141019, 6717164.343624469824135 ], [ 456879.886079631338362, 6717164.894755909219384 ], [ 456880.030259166262113, 6717165.388935443945229 ], [ 456879.175131450174376, 6717165.933807727880776 ], [ 456879.30341743043391, 6717166.41209370829165 ], [ 456878.656833873305004, 6717166.815510150976479 ], [ 456871.564743648050353, 6717161.473470661789179 ], [ 456872.394920192251448, 6717160.903460285626352 ], [ 456872.196007762453519, 6717160.354705402627587 ], [ 456873.449499736307189, 6717159.508053180761635 ], [ 456873.272368846402969, 6717158.980991718359292 ], [ 456874.540899882791564, 6717158.149399921298027 ], [ 456874.398002086149063, 6717157.656635639257729 ], [ 456875.042679057631176, 6717157.250431415624917 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456851.905401835916564, 6717150.91345326602459 ], [ 456852.584012828359846, 6717151.593041583895683 ], [ 456852.801299510465469, 6717151.460926410742104 ], [ 456853.623056636366528, 6717152.281057331711054 ], [ 456853.840447459719144, 6717152.149454853497446 ], [ 456854.672661433694884, 6717152.980854389257729 ], [ 456854.890102992532775, 6717152.849262592382729 ], [ 456855.722661433683243, 6717153.680854389443994 ], [ 456855.940102992521133, 6717153.549262592568994 ], [ 456856.772661433729809, 6717154.380854389630258 ], [ 456856.990100322233047, 6717154.249262592755258 ], [ 456857.821988521085586, 6717155.080213520675898 ], [ 456858.039336619840469, 6717154.948600361123681 ], [ 456858.847723613260314, 6717155.756415912881494 ], [ 456859.236827311979141, 6717155.795487567782402 ], [ 456858.820313106058165, 6717156.078954670578241 ], [ 456859.012133250711486, 6717156.621023152023554 ], [ 456858.172792277822737, 6717157.181270954199135 ], [ 456858.340443645021878, 6717157.698559162206948 ], [ 456857.495123897097073, 6717158.253210041671991 ], [ 456857.651159511122387, 6717158.760105487890542 ], [ 456856.803343043837231, 6717159.311584064736962 ], [ 456856.954799113736954, 6717159.813672993332148 ], [ 456856.10558074520668, 6717160.364222309552133 ], [ 456856.25538924743887, 6717160.864367268048227 ], [ 456855.40519622375723, 6717161.414681598544121 ], [ 456855.553928599867504, 6717161.91195332724601 ], [ 456854.702234874246642, 6717162.461968585848808 ], [ 456854.847987208864652, 6717162.956249591894448 ], [ 456853.995422969339415, 6717163.503663990646601 ], [ 456854.134200511442032, 6717163.992946216836572 ], [ 456853.277761683973949, 6717164.536494038067758 ], [ 456853.404538951406721, 6717165.013300678692758 ], [ 456852.757576213392895, 6717165.416487476788461 ], [ 456852.077825007901993, 6717164.736418507061899 ], [ 456851.860223231778946, 6717164.868725940585136 ], [ 456851.040135035989806, 6717164.048915455117822 ], [ 456850.822311625990551, 6717164.180763599462807 ], [ 456849.990263209852856, 6717163.349145099520683 ], [ 456849.772449145792052, 6717163.480966541916132 ], [ 456848.939060245058499, 6717162.649006244726479 ], [ 456848.721626697049942, 6717162.780619404278696 ], [ 456847.889996181009337, 6717161.949251911602914 ], [ 456847.672581325052306, 6717162.080865070223808 ], [ 456846.84116309689125, 6717161.250031635165215 ], [ 456846.623712192056701, 6717161.381687519140542 ], [ 456845.814990077516995, 6717160.57348744571209 ], [ 456845.426033244642895, 6717160.534682819619775 ], [ 456845.842540774843656, 6717160.251215717755258 ], [ 456845.650659213541076, 6717159.709125873632729 ], [ 456846.490001521597151, 6717159.148856708779931 ], [ 456846.322311435244046, 6717158.631568500772119 ], [ 456847.167607150564436, 6717158.076906940899789 ], [ 456847.011559520266019, 6717157.570032856427133 ], [ 456847.859448085306212, 6717157.018511555157602 ], [ 456847.707984004518948, 6717156.516465350985527 ], [ 456848.557190356717911, 6717155.96592671610415 ], [ 456848.407381854543928, 6717155.465877887792885 ], [ 456849.257565532228909, 6717154.915574237704277 ], [ 456849.108907924208324, 6717154.418110248632729 ], [ 456849.960490832803771, 6717153.868276569992304 ], [ 456849.814968143007718, 6717153.373739216476679 ], [ 456850.667242656229064, 6717152.826607868075371 ], [ 456850.528541217325255, 6717152.336962482891977 ], [ 456851.384957347414456, 6717151.793366596102715 ], [ 456851.258019862638321, 6717151.316944477148354 ], [ 456851.905401835916564, 6717150.91345326602459 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456839.681728206167463, 6717147.089707538485527 ], [ 456849.098428378580138, 6717153.70779225602746 ], [ 456848.681676517007872, 6717153.99038350302726 ], [ 456848.868845019838773, 6717154.527485248632729 ], [ 456848.028062091383617, 6717155.08679310977459 ], [ 456848.192861590883695, 6717155.602137348614633 ], [ 456847.347221408388577, 6717156.155816242098808 ], [ 456847.502175555739086, 6717156.660895893350244 ], [ 456846.65383971738629, 6717157.212182208895683 ], [ 456846.804638896486722, 6717157.713534138165414 ], [ 456845.954885135171935, 6717158.263901874423027 ], [ 456846.103673587320372, 6717158.762006733566523 ], [ 456845.25226157711586, 6717159.311776325106621 ], [ 456845.397798953519668, 6717159.806377765722573 ], [ 456844.545507083414122, 6717160.353519794531167 ], [ 456844.684203181765042, 6717160.843154499307275 ], [ 456843.827789721952286, 6717161.386718342080712 ], [ 456843.954659114358947, 6717161.863172505050898 ], [ 456843.307307849405333, 6717162.266620990820229 ], [ 456842.628686175856274, 6717161.587032672949135 ], [ 456842.411363444814924, 6717161.719169208779931 ], [ 456841.58952888060594, 6717160.898984882980585 ], [ 456841.372076640604064, 6717161.030630085617304 ], [ 456840.540106997999828, 6717160.199251911602914 ], [ 456840.322642741666641, 6717160.330865070223808 ], [ 456839.490646396181546, 6717159.499433491379023 ], [ 456839.273191485903226, 6717159.631057331338525 ], [ 456838.440097651968244, 6717158.799251911230385 ], [ 456838.222661433683243, 6717158.930865070782602 ], [ 456837.38999284314923, 6717158.099251911044121 ], [ 456837.172566638502758, 6717158.230865070596337 ], [ 456836.339861999033019, 6717157.399251911789179 ], [ 456836.122440467355773, 6717157.530865070410073 ], [ 456835.289031539461575, 6717156.699134418740869 ], [ 456835.071579967043363, 6717156.830758258700371 ], [ 456833.477982078096829, 6717155.586008808575571 ], [ 456833.893459878454451, 6717155.302221272140741 ], [ 456833.695889602182433, 6717154.754235431551933 ], [ 456834.948322806856595, 6717153.907732746563852 ], [ 456834.767607722780667, 6717153.3755336496979 ], [ 456835.606643615232315, 6717152.815905353985727 ], [ 456835.432086883054581, 6717152.290670368820429 ], [ 456836.693333373579662, 6717151.45211446005851 ], [ 456836.524418292508926, 6717150.933993122540414 ], [ 456837.36855777312303, 6717150.377900287508965 ], [ 456837.206671557913069, 6717149.865867206826806 ], [ 456838.053242335794494, 6717149.311771747656167 ], [ 456837.897059855924454, 6717148.805356953293085 ], [ 456839.172407470236067, 6717147.980782672762871 ], [ 456839.036143336794339, 6717147.494662067852914 ], [ 456839.681728206167463, 6717147.089707538485527 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.358844218717422, 6717145.217643329873681 ], [ 456917.674212871061172, 6717150.182563373818994 ], [ 456914.874266276834533, 6717152.282787677831948 ], [ 456915.323435435770079, 6717153.082026264630258 ], [ 456909.452107463381253, 6717157.710853168740869 ], [ 456909.833814464102034, 6717158.442661640234292 ], [ 456906.753920207498595, 6717160.612473651766777 ], [ 456901.438551555154845, 6717155.647553607821465 ], [ 456904.238487468275707, 6717153.54732930380851 ], [ 456903.789307628176175, 6717152.748090717941523 ], [ 456909.660656962892972, 6717148.11926381289959 ], [ 456909.278949962172192, 6717147.387455341406167 ], [ 456912.358844218717422, 6717145.217643329873681 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456876.192232738016173, 6717150.000342914834619 ], [ 456883.503866038809065, 6717155.912638447247446 ], [ 456882.673427806410473, 6717156.482413837686181 ], [ 456882.873362956510391, 6717157.031585285440087 ], [ 456881.62163337279344, 6717157.880758259445429 ], [ 456881.806534801027738, 6717158.414399310946465 ], [ 456880.544027934549376, 6717159.252666828222573 ], [ 456880.701030192838516, 6717159.759839985519648 ], [ 456879.632177958963439, 6717160.441703388467431 ], [ 456871.842675242922269, 6717154.401981708593667 ], [ 456873.076652751478832, 6717153.535216877236962 ], [ 456872.842660747061018, 6717152.951684162020683 ], [ 456874.907631907961331, 6717151.516030475497246 ], [ 456874.710543284891173, 6717150.968781635165215 ], [ 456876.192232738016173, 6717150.000342914834619 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457000.341915355238598, 6717149.200591633096337 ], [ 457006.021105418680236, 6717153.4797816965729 ], [ 457005.194886241457425, 6717154.053562519140542 ], [ 457005.414138255582657, 6717154.622814533300698 ], [ 457003.761699901137035, 6717155.770376179367304 ], [ 457003.975205455324613, 6717156.333881733007729 ], [ 457002.307898936735, 6717157.466575214639306 ], [ 457002.479566417227034, 6717157.988242695108056 ], [ 457001.415072093484923, 6717158.673748371191323 ], [ 456996.218264232156798, 6717154.526940509676933 ], [ 456996.633803782926407, 6717154.242480061016977 ], [ 456996.432357249723282, 6717153.691033527255058 ], [ 456997.681838450895157, 6717152.840514728799462 ], [ 456997.490667186270002, 6717152.29934346396476 ], [ 456998.746332774637267, 6717151.455009052529931 ], [ 456998.571418223844375, 6717150.930094501934946 ], [ 456999.840435252699535, 6717150.099111530929804 ], [ 456999.697777781984769, 6717149.606454059481621 ], [ 457000.341915355238598, 6717149.200591633096337 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456897.367168651137035, 6717129.52584492880851 ], [ 456903.560602794168517, 6717136.068905231542885 ], [ 456901.498098979471251, 6717137.506972858682275 ], [ 456901.711828837869689, 6717138.070702716708183 ], [ 456907.948516307340469, 6717144.65701100602746 ], [ 456903.698619304166641, 6717148.107322284951806 ], [ 456896.459612498758361, 6717154.8683315012604 ], [ 456892.67790778685594, 6717157.736701557412744 ], [ 456886.692830882559065, 6717151.751913044601679 ], [ 456891.146871409902815, 6717148.505323383957148 ], [ 456890.903346477018204, 6717147.911889240145683 ], [ 456888.833873210416641, 6717145.841892597265542 ], [ 456888.629884562978987, 6717145.288886616006494 ], [ 456885.936920390638988, 6717142.595879718661308 ], [ 456894.609514079580549, 6717135.517885944806039 ], [ 456898.721485362562817, 6717139.630247090011835 ], [ 456898.93402427242836, 6717139.492866108193994 ], [ 456892.64588569215266, 6717132.854925129562616 ], [ 456897.367168651137035, 6717129.52584492880851 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456871.770617518923245, 6717125.979296467266977 ], [ 456878.492744670424145, 6717132.351073810830712 ], [ 456875.302978740248363, 6717134.761649677529931 ], [ 456875.772223124979064, 6717135.580691120587289 ], [ 456869.117403255018871, 6717140.826333209872246 ], [ 456869.39684089232469, 6717141.105698749423027 ], [ 456871.567184291372541, 6717139.775542804971337 ], [ 456878.787117229017895, 6717146.29549977555871 ], [ 456876.366185985098127, 6717148.074563190340996 ], [ 456876.72702735470375, 6717148.785586140118539 ], [ 456872.364014277933165, 6717152.122954914346337 ], [ 456872.677145610330626, 6717152.785848591476679 ], [ 456870.394367061147932, 6717154.353297016583383 ], [ 456865.391953502199613, 6717149.700565692968667 ], [ 456864.95750297117047, 6717149.965917561203241 ], [ 456865.068715129396878, 6717150.427439472638071 ], [ 456864.206081233511213, 6717150.964947101660073 ], [ 456864.3337717395043, 6717151.441871235147119 ], [ 456863.476809535524808, 6717151.985638019628823 ], [ 456863.614452205190901, 6717152.472687885165215 ], [ 456862.760710368631408, 6717153.019018147140741 ], [ 456862.901600108656567, 6717153.510575458407402 ], [ 456862.047866282926407, 6717154.056830951943994 ], [ 456862.185252604947891, 6717154.54409444052726 ], [ 456861.328341136453673, 6717155.087391254492104 ], [ 456861.454958186659496, 6717155.563407490029931 ], [ 456860.807493434462231, 6717155.96682393271476 ], [ 456859.094631801126525, 6717154.603353474289179 ], [ 456858.877088771376293, 6717154.735244343057275 ], [ 456857.689184413466137, 6717153.54903828818351 ], [ 456857.472314296232071, 6717153.680736896581948 ], [ 456856.285563502809964, 6717152.494626972824335 ], [ 456856.067953715799376, 6717152.626539204269648 ], [ 456855.244797358987853, 6717151.803599140606821 ], [ 456855.027195582864806, 6717151.935500690713525 ], [ 456853.835616908560041, 6717150.744808551855385 ], [ 456853.618036494764965, 6717150.876720783300698 ], [ 456852.797934947477188, 6717150.057487079873681 ], [ 456852.580549464735668, 6717150.189495441503823 ], [ 456852.030269847426098, 6717149.638518879190087 ], [ 456852.445990977750625, 6717149.35485951602459 ], [ 456852.250178752408829, 6717148.808721516281366 ], [ 456853.50496047543129, 6717147.963682148605585 ], [ 456853.329757533560041, 6717147.437507221475244 ], [ 456854.171699367056135, 6717146.880645344033837 ], [ 456854.007946620462462, 6717146.366785786114633 ], [ 456854.853789744840469, 6717145.812540790997446 ], [ 456854.697094569681212, 6717145.3057094309479 ], [ 456855.972421489248518, 6717144.480878803879023 ], [ 456855.836063228140119, 6717143.994640705175698 ], [ 456856.481616054079495, 6717143.589664814062417 ], [ 456859.222661433683243, 6717145.630854389630258 ], [ 456859.440102992521133, 6717145.499262592755258 ], [ 456860.272661433729809, 6717146.330854389816523 ], [ 456860.490102992567699, 6717146.199262592941523 ], [ 456861.322661433718167, 6717147.030854389071465 ], [ 456861.540102992556058, 6717146.899262592196465 ], [ 456862.372207484731916, 6717147.730501911602914 ], [ 456862.58957694581477, 6717147.598888752050698 ], [ 456863.403093562636059, 6717148.410944721661508 ], [ 456863.619763408205472, 6717148.27862660586834 ], [ 456864.0655893664225, 6717148.724340412765741 ], [ 456864.276835856901016, 6717148.585602924227715 ], [ 456863.237730632303283, 6717147.546764728613198 ], [ 456867.676956401381176, 6717144.2854457590729 ], [ 456867.378009639272932, 6717143.98641621787101 ], [ 456866.50267585326219, 6717144.511245319619775 ], [ 456859.429517970595043, 6717137.788463947363198 ], [ 456862.631553874525707, 6717135.390160724520683 ], [ 456862.200171504518948, 6717134.608909199014306 ], [ 456868.701845012197737, 6717129.210430500097573 ], [ 456868.379136482079048, 6717128.617424177005887 ], [ 456869.764297834422905, 6717127.396999475546181 ], [ 456871.770617518923245, 6717125.979296467266977 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.379136482079048, 6717128.617424177005887 ], [ 456868.284158549795393, 6717128.442893574014306 ], [ 456869.764297834422905, 6717127.396999475546181 ], [ 456868.379136482079048, 6717128.617424177005887 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.284158549795393, 6717128.442893574014306 ], [ 456868.379136482079048, 6717128.617424177005887 ], [ 456863.955966029665433, 6717132.514548847451806 ], [ 456861.152785716520157, 6717134.6117397043854 ], [ 456855.486442409048323, 6717128.945324298925698 ], [ 456863.106905208143871, 6717122.215653583407402 ], [ 456865.909960017714184, 6717120.118398640304804 ], [ 456871.584669337782543, 6717125.793123981915414 ], [ 456869.764297834422905, 6717127.396999475546181 ], [ 456868.284158549795393, 6717128.442893574014306 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456965.298250804422423, 6717140.406927082687616 ], [ 456966.674132762418594, 6717141.432809039950371 ], [ 456966.892167125246488, 6717141.30084340274334 ], [ 456967.73951362184016, 6717142.148189899511635 ], [ 456968.623250804434065, 6717142.331927082501352 ], [ 456971.589513621816877, 6717144.5981898996979 ], [ 456972.473250804410782, 6717144.781927082687616 ], [ 456973.321099315187894, 6717145.629775593057275 ], [ 456973.53915504028555, 6717145.497820637188852 ], [ 456974.341897044680081, 6717146.300573322921991 ], [ 456974.719475780031644, 6717146.328141376376152 ], [ 456974.3019174914225, 6717146.610593769699335 ], [ 456974.488057933340315, 6717147.146734211593866 ], [ 456973.644343028543517, 6717147.703019306063652 ], [ 456973.796602855203673, 6717148.205279133282602 ], [ 456973.370691905496642, 6717148.479368183761835 ], [ 456973.512249217543285, 6717148.970925495028496 ], [ 456972.658312449930236, 6717149.516988728195429 ], [ 456972.794753489957657, 6717150.003429767675698 ], [ 456971.938744578859769, 6717150.547420856542885 ], [ 456972.069834361551329, 6717151.028510639443994 ], [ 456971.640751109633129, 6717151.299427387304604 ], [ 456971.77100776246516, 6717151.779684040695429 ], [ 456970.913791881117504, 6717152.322468158788979 ], [ 456971.045009837660473, 6717152.803686115890741 ], [ 456970.187056956754532, 6717153.345733234658837 ], [ 456970.313521800504532, 6717153.822198078036308 ], [ 456969.883252940664534, 6717154.091939900070429 ], [ 456970.006823192117736, 6717154.565499469637871 ], [ 456969.145495067117736, 6717155.1041713450104 ], [ 456969.26350043824641, 6717155.572176716290414 ], [ 456968.61451362184016, 6717155.9731898996979 ], [ 456967.238631663785782, 6717154.947307941503823 ], [ 456967.020597301016096, 6717155.079273578710854 ], [ 456966.173250804422423, 6717154.231927081942558 ], [ 456965.289513621828519, 6717154.048189899884164 ], [ 456962.323250804445706, 6717151.781927082687616 ], [ 456961.439513621793594, 6717151.5981898996979 ], [ 456960.59166511107469, 6717150.750341389328241 ], [ 456960.373609385977034, 6717150.882296345196664 ], [ 456959.570867381582502, 6717150.079543659463525 ], [ 456959.19328864623094, 6717150.051975605078042 ], [ 456959.610846934781875, 6717149.769523212686181 ], [ 456959.424706492922269, 6717149.23338277079165 ], [ 456960.268421397719067, 6717148.677097675390542 ], [ 456960.11616157105891, 6717148.174837849102914 ], [ 456960.542072520765942, 6717147.900748798623681 ], [ 456960.400515208719298, 6717147.409191486425698 ], [ 456961.254451976332348, 6717146.863128254190087 ], [ 456961.118010936246719, 6717146.376687213778496 ], [ 456961.974019847402815, 6717145.832696124911308 ], [ 456961.842930064711254, 6717145.351606342941523 ], [ 456962.272013316629454, 6717145.08068959414959 ], [ 456962.141756663797423, 6717144.600432941690087 ], [ 456962.998972545145079, 6717144.057648822665215 ], [ 456962.867754588602111, 6717143.576430866494775 ], [ 456963.725707469449844, 6717143.034383747726679 ], [ 456963.599242625699844, 6717142.557918903417885 ], [ 456964.02951148559805, 6717142.288177082315087 ], [ 456963.905941234144848, 6717141.814617511816323 ], [ 456964.767269359144848, 6717141.275945637375116 ], [ 456964.649263988016173, 6717140.807940266095102 ], [ 456965.298250804422423, 6717140.406927082687616 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.839789805875625, 6717119.448476765304804 ], [ 456973.722497020266019, 6717122.581173297949135 ], [ 456973.307459483621642, 6717122.866135761141777 ], [ 456973.511287913832348, 6717123.419964191503823 ], [ 456972.260973582742736, 6717124.269649860449135 ], [ 456972.447562633024063, 6717124.806238911114633 ], [ 456971.610256419691723, 6717125.368932697921991 ], [ 456971.794741282938048, 6717125.903417561203241 ], [ 456970.542183909914456, 6717126.750860188156366 ], [ 456970.737691722402815, 6717127.296368 ], [ 456970.321329722879454, 6717127.580006000585854 ], [ 456972.42469428590266, 6717129.333370563574135 ], [ 456973.083817515871488, 6717128.942493793554604 ], [ 456972.999938426481094, 6717128.508614704012871 ], [ 456973.439168773184065, 6717128.247845050878823 ], [ 456973.352106700418517, 6717127.810782978311181 ], [ 456973.790397105680313, 6717127.54907338321209 ], [ 456973.698464427492581, 6717127.107140704989433 ], [ 456974.135451732145157, 6717126.844128009863198 ], [ 456974.036950145266019, 6717126.395626422949135 ], [ 456974.907132945547346, 6717125.865809223614633 ], [ 456974.804145274625625, 6717125.412821552716196 ], [ 456975.239348826871719, 6717125.148025104776025 ], [ 456975.137140880106017, 6717124.695817157626152 ], [ 456975.572323070082348, 6717124.430999347940087 ], [ 456975.469303355726879, 6717123.977979633957148 ], [ 456975.904058299551252, 6717123.71273457724601 ], [ 456975.797919688688125, 6717123.256595966406167 ], [ 456976.665677867422346, 6717122.724354145117104 ], [ 456976.559763560770079, 6717122.268439838662744 ], [ 456976.994593272684142, 6717122.003269550390542 ], [ 456976.891915355226956, 6717121.550591632723808 ], [ 456977.327172313234769, 6717121.285848591476679 ], [ 456977.225338206801098, 6717120.834014484658837 ], [ 456977.660488353285473, 6717120.569164630956948 ], [ 456977.556710277101956, 6717120.115386554971337 ], [ 456978.208538280043285, 6717119.717214558273554 ], [ 456979.643454967008438, 6717120.802131244912744 ], [ 456979.861895213602111, 6717120.670571491122246 ], [ 456981.002161632059142, 6717121.460837909951806 ], [ 456981.220655284414534, 6717121.329331561923027 ], [ 456982.088659129629377, 6717122.197335407137871 ], [ 456982.974094615492504, 6717122.382770893163979 ], [ 456983.838669810793363, 6717123.247346088290215 ], [ 456984.724105296598282, 6717123.432781574316323 ], [ 456985.592109141813125, 6717124.300785419531167 ], [ 456985.810602794168517, 6717124.16927907243371 ], [ 456986.952161632070784, 6717124.960837909951806 ], [ 456987.170655284426175, 6717124.829331561923027 ], [ 456988.705697093508206, 6717126.014373371377587 ], [ 456988.924094615445938, 6717125.882770893163979 ], [ 456989.788669810805004, 6717126.747346088290215 ], [ 456990.674105296609923, 6717126.932781574316323 ], [ 456991.542109141824767, 6717127.800785419531167 ], [ 456991.760602794180159, 6717127.66927907243371 ], [ 456992.900377879617736, 6717128.459054157137871 ], [ 456993.118775401613675, 6717128.327451679855585 ], [ 456993.917917857645079, 6717129.126594135537744 ], [ 456994.262748179899063, 6717129.121424457989633 ], [ 456993.843683848856017, 6717129.402360126376152 ], [ 456994.021546397707425, 6717129.930222675204277 ], [ 456993.598295054922346, 6717130.206982013769448 ], [ 456993.746357188734692, 6717130.705033466219902 ], [ 456993.319196544180159, 6717130.97787282243371 ], [ 456993.452518687758129, 6717131.461194965988398 ], [ 456992.593999705801252, 6717132.002675984054804 ], [ 456992.716469798586331, 6717132.475146076641977 ], [ 456992.285239634977188, 6717132.743915912695229 ], [ 456992.404024730203673, 6717133.212701007723808 ], [ 456991.540859447035473, 6717133.749535724520683 ], [ 456991.65546821168391, 6717134.214144489727914 ], [ 456991.222603831789456, 6717134.481280109845102 ], [ 456991.334050975332502, 6717134.942727252840996 ], [ 456990.90095161012141, 6717135.209627888165414 ], [ 456991.013445506570861, 6717135.672121784649789 ], [ 456990.148325572488829, 6717136.207001850008965 ], [ 456990.260029063734692, 6717136.668705341406167 ], [ 456989.82663062622305, 6717136.935306903906167 ], [ 456989.936080394254532, 6717137.394756671972573 ], [ 456989.502681956801098, 6717137.661358234472573 ], [ 456989.614385447988752, 6717138.123061725869775 ], [ 456988.749233470472973, 6717138.657909748144448 ], [ 456988.861567149637267, 6717139.120243427343667 ], [ 456988.428425059828442, 6717139.387101337313652 ], [ 456988.539594493398909, 6717139.848270771093667 ], [ 456988.106623301981017, 6717140.115299579687417 ], [ 456988.220569835219067, 6717140.579246113076806 ], [ 456987.356656871328596, 6717141.115333149209619 ], [ 456987.472472606168594, 6717141.581148884259164 ], [ 456987.040238414308988, 6717141.848914692178369 ], [ 456987.155893931863829, 6717142.314570209942758 ], [ 456986.291884837613907, 6717142.850561115890741 ], [ 456986.405436168191954, 6717143.314112446270883 ], [ 456985.972347484144848, 6717143.581023762002587 ], [ 456986.082822642812971, 6717144.041498920880258 ], [ 456985.649509654555004, 6717144.308185932226479 ], [ 456985.760882030008361, 6717144.76955830771476 ], [ 456984.895078502187971, 6717145.303754780441523 ], [ 456985.004848704847973, 6717145.763524983078241 ], [ 456984.570894847391173, 6717146.029571125283837 ], [ 456984.677503428945784, 6717146.486179706640542 ], [ 456984.243218455812894, 6717146.751894733868539 ], [ 456984.349720225844067, 6717147.208396503701806 ], [ 456983.698469005117659, 6717147.60714528337121 ], [ 456982.272663341078442, 6717146.53133961930871 ], [ 456981.388659129617736, 6717146.3473354075104 ], [ 456980.524094615480863, 6717145.482770893722773 ], [ 456979.638669810781721, 6717145.297346089035273 ], [ 456978.774094615480863, 6717144.432770892977715 ], [ 456977.888669810781721, 6717144.247346088290215 ], [ 456977.024094615480863, 6717143.382770893163979 ], [ 456976.138669810781721, 6717143.197346088476479 ], [ 456975.274094615480863, 6717142.332770893350244 ], [ 456974.388669810781721, 6717142.147346088662744 ], [ 456973.524094615480863, 6717141.282770893536508 ], [ 456972.638669810781721, 6717141.097346088849008 ], [ 456971.774094615480863, 6717140.232770893722773 ], [ 456970.888669810781721, 6717140.047346089035273 ], [ 456970.024115977750625, 6717139.182792255654931 ], [ 456969.140293345961254, 6717138.998969623818994 ], [ 456968.338801036356017, 6717138.19747731462121 ], [ 456968.121973643777892, 6717138.330649921670556 ], [ 456967.979230723867659, 6717138.187907001934946 ], [ 456968.397056041227188, 6717137.905732318758965 ], [ 456968.208555064687971, 6717137.367231342941523 ], [ 456968.628837047086563, 6717137.087513324804604 ], [ 456968.458793101774063, 6717136.567469379864633 ], [ 456968.880816112039611, 6717136.289492390118539 ], [ 456968.710163341078442, 6717135.768839619122446 ], [ 456969.087154613051098, 6717135.445830890908837 ], [ 456968.444501719961409, 6717135.85317799821496 ], [ 456968.570667491469067, 6717136.329343769699335 ], [ 456967.923389659437817, 6717136.732065937481821 ], [ 456965.140415416273754, 6717134.649091694504023 ], [ 456964.922349010012113, 6717134.781025287695229 ], [ 456964.090415416227188, 6717133.949091694317758 ], [ 456963.872349010023754, 6717134.081025287508965 ], [ 456963.040415416238829, 6717133.249091694131494 ], [ 456962.822349009977188, 6717133.381025288254023 ], [ 456961.991451488051098, 6717132.550127766095102 ], [ 456961.773459849820938, 6717132.682136127725244 ], [ 456960.983941112062894, 6717131.892617389559746 ], [ 456960.621262584230863, 6717131.879938862286508 ], [ 456961.039504466520157, 6717131.598180744796991 ], [ 456960.857294688699767, 6717131.065970966592431 ], [ 456961.278986583231017, 6717130.787662860937417 ], [ 456961.119281993422192, 6717130.277958271093667 ], [ 456961.968305430898909, 6717129.726981708779931 ], [ 456961.824024425062817, 6717129.232700702734292 ], [ 456962.677822337660473, 6717128.686498615890741 ], [ 456962.542930064664688, 6717128.201606342568994 ], [ 456962.971244273649063, 6717127.929920551367104 ], [ 456962.837217174062971, 6717127.445893451571465 ], [ 456963.692179332254454, 6717126.900855610147119 ], [ 456963.553078685305081, 6717126.411754962988198 ], [ 456964.407859263883438, 6717125.866535541601479 ], [ 456964.269217906461563, 6717125.377894184552133 ], [ 456964.696624217496719, 6717125.105300495401025 ], [ 456964.554137645231094, 6717124.612813923507929 ], [ 456965.406547008024063, 6717124.065223285928369 ], [ 456965.255066905519925, 6717123.563743183389306 ], [ 456966.524543223844375, 6717122.733219501562417 ], [ 456966.363492808828596, 6717122.22216908633709 ], [ 456967.209696422098204, 6717121.668372699990869 ], [ 456967.05290778685594, 6717121.161584064364433 ], [ 456968.328643260465469, 6717120.337319537997246 ], [ 456968.193825755617581, 6717119.852502033114433 ], [ 456968.839789805875625, 6717119.448476765304804 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457002.006391368398909, 6717120.065067646093667 ], [ 457003.77214606810594, 6717121.130822345614433 ], [ 457003.991024241957348, 6717120.999700520187616 ], [ 457004.468439708231017, 6717121.477115985937417 ], [ 457004.687264476320706, 6717121.345940753817558 ], [ 457005.15172370482469, 6717121.810399983078241 ], [ 457005.370228038344067, 6717121.678904316388071 ], [ 457006.242536387930159, 6717122.551212665624917 ], [ 457006.461040721449535, 6717122.419716998934746 ], [ 457006.925531993387267, 6717122.884208271279931 ], [ 457007.144356761476956, 6717122.753033039160073 ], [ 457007.621879039274063, 6717123.230640766210854 ], [ 457007.840885386976879, 6717123.099518939852715 ], [ 457008.321879039285704, 6717123.579561970196664 ], [ 457008.540885386930313, 6717123.44836537539959 ], [ 457009.012052379141096, 6717123.919393513351679 ], [ 457009.230909190664534, 6717123.787758991122246 ], [ 457009.991129527566954, 6717124.199933979660273 ], [ 457009.571766124281567, 6717124.480559894815087 ], [ 457009.745249400613829, 6717125.00311391055584 ], [ 457009.319819102762267, 6717125.278943989425898 ], [ 457009.45858863403555, 6717125.766399738378823 ], [ 457009.028608165273909, 6717126.036280415020883 ], [ 457009.143750987539534, 6717126.503132221288979 ], [ 457008.710459361551329, 6717126.768986103124917 ], [ 457008.813169322500471, 6717127.221386310644448 ], [ 457008.376886973856017, 6717127.485691425390542 ], [ 457008.472846446500625, 6717127.933082172647119 ], [ 457008.035837779520079, 6717128.196383259259164 ], [ 457008.130900035379454, 6717128.640056964941323 ], [ 457007.6936350207543, 6717128.903293964453042 ], [ 457007.788953624258284, 6717129.348078510724008 ], [ 457007.352639232180081, 6717129.611315510235727 ], [ 457007.450382457289379, 6717130.059058735147119 ], [ 457007.014495311246719, 6717130.323171589523554 ], [ 457007.116211925051175, 6717130.774888202548027 ], [ 457006.246488414297346, 6717131.305164691992104 ], [ 457006.348087535414379, 6717131.756763813085854 ], [ 457005.912168345937971, 6717132.020844623446465 ], [ 457006.009665904508438, 6717132.468342182226479 ], [ 457005.572977672098204, 6717132.731653950177133 ], [ 457005.667399058816954, 6717133.176075336523354 ], [ 457005.230144725355785, 6717133.438821002840996 ], [ 457005.322889171133284, 6717133.881565448828042 ], [ 457004.885367808805313, 6717134.14404408633709 ], [ 457004.977396617410704, 6717134.586072895675898 ], [ 457004.539875255140942, 6717134.848551533184946 ], [ 457004.63261970091844, 6717135.291295979171991 ], [ 457004.195365367399063, 6717135.554041645489633 ], [ 457004.289786754117813, 6717135.998463031835854 ], [ 457003.853098521707579, 6717136.261774799786508 ], [ 457003.950585399172269, 6717136.709261677227914 ], [ 457003.514666209695861, 6717136.973342487588525 ], [ 457003.616265330812894, 6717137.424941608682275 ], [ 457002.746499095461331, 6717137.955175373703241 ], [ 457002.848055491922423, 6717138.406731769442558 ], [ 457002.412114940176252, 6717138.670791218057275 ], [ 457002.509580455312971, 6717139.118256732821465 ], [ 457002.072870860574767, 6717139.381547138094902 ], [ 457002.167174754606094, 6717139.8258510325104 ], [ 457001.729867015383206, 6717140.088543293066323 ], [ 457001.822280345426407, 6717140.530956623144448 ], [ 457001.384673533902969, 6717140.793349811807275 ], [ 457001.476307139906567, 6717141.234983418136835 ], [ 457001.038678966055159, 6717141.497355244122446 ], [ 457001.130803905020002, 6717141.93948018271476 ], [ 457000.693378673109692, 6717142.20205495133996 ], [ 457000.786828074953519, 6717142.645504352636635 ], [ 457000.349840770242736, 6717142.908517047762871 ], [ 457000.446013865934219, 6717143.354690143838525 ], [ 457000.009806285379454, 6717143.618482563644648 ], [ 457000.109910045168363, 6717144.068586323410273 ], [ 456999.457099376188125, 6717144.465775653719902 ], [ 456998.403980479750317, 6717143.762678120285273 ], [ 456998.185689769277815, 6717143.894366047345102 ], [ 456997.320591197523754, 6717143.029267475008965 ], [ 456997.102097545168363, 6717143.160773823037744 ], [ 456995.9606027941918, 6717142.369279071688652 ], [ 456995.742109141836409, 6717142.500785419717431 ], [ 456994.870655284437817, 6717141.629331562668085 ], [ 456994.652161632082425, 6717141.760837909765542 ], [ 456993.510688243375625, 6717140.969364521093667 ], [ 456993.292205272184219, 6717141.100881550461054 ], [ 456992.431742320535704, 6717140.24041859805584 ], [ 456992.213665233168285, 6717140.37234151083976 ], [ 456991.4693918566918, 6717139.978068134747446 ], [ 456991.888840709230863, 6717139.697516987100244 ], [ 456991.71526130248094, 6717139.173937580548227 ], [ 456992.139783702383284, 6717138.898459980264306 ], [ 456991.999860606680159, 6717138.40853688493371 ], [ 456992.429499278543517, 6717138.138175556436181 ], [ 456992.311173472902738, 6717137.669849750585854 ], [ 456992.744144664320629, 6717137.402820941992104 ], [ 456992.63685248902766, 6717136.945528767071664 ], [ 456993.071415172133129, 6717136.680102131329477 ], [ 456992.96794684935594, 6717136.226623127236962 ], [ 456993.40288337279344, 6717135.961559650488198 ], [ 456993.298464427469298, 6717135.507140705361962 ], [ 456994.16745093872305, 6717134.976127216592431 ], [ 456994.06468757201219, 6717134.523363850079477 ], [ 456994.500361094949767, 6717134.259037372656167 ], [ 456994.401859508070629, 6717133.810535785742104 ], [ 456994.838259349344298, 6717133.546935627236962 ], [ 456994.742214427504223, 6717133.100890705361962 ], [ 456995.178988109109923, 6717132.837664387188852 ], [ 456995.083851085219067, 6717132.392527363263071 ], [ 456995.520624766824767, 6717132.12930104508996 ], [ 456995.424590526090469, 6717131.683266803622246 ], [ 456995.861022410856094, 6717131.419698689132929 ], [ 456995.762713084695861, 6717130.971389362588525 ], [ 456996.198482738051098, 6717130.707159016281366 ], [ 456996.096328196988907, 6717130.255004474893212 ], [ 456996.965752635500394, 6717129.724428913556039 ], [ 456996.862882457266096, 6717129.271558735519648 ], [ 456997.298470531008206, 6717129.007146809250116 ], [ 456997.199263988004532, 6717128.557940266095102 ], [ 456997.635450206289534, 6717128.294126484543085 ], [ 456997.538176951871719, 6717127.846853230148554 ], [ 456997.974598155531567, 6717127.583274433389306 ], [ 456997.877346263441723, 6717127.136022541671991 ], [ 456998.313532481668517, 6717126.872208759188652 ], [ 456998.21432593872305, 6717126.42300221696496 ], [ 456998.64991401246516, 6717126.158590290695429 ], [ 456998.547086558828596, 6717125.705762837082148 ], [ 456999.416532359609846, 6717125.175208637490869 ], [ 456999.314463267801329, 6717124.723139545880258 ], [ 456999.750264964590315, 6717124.458941242657602 ], [ 456999.652222667238675, 6717124.010898944921792 ], [ 457000.088750682363752, 6717123.747426960617304 ], [ 456999.993207774648909, 6717123.301884052343667 ], [ 457000.430130992433988, 6717123.038807270117104 ], [ 457000.335720286879223, 6717122.594396565109491 ], [ 457000.772707591531798, 6717122.331383869051933 ], [ 457000.677688060270157, 6717121.886364337988198 ], [ 457001.114386973844375, 6717121.623063251376152 ], [ 457001.017530284414534, 6717121.176206562668085 ], [ 457001.453684459207579, 6717120.912360737100244 ], [ 457001.353570018312894, 6717120.46224629599601 ], [ 457002.006391368398909, 6717120.065067646093667 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456959.706165538344067, 6717133.414841815829277 ], [ 456963.899051890883129, 6717136.557728168554604 ], [ 456963.481878123770002, 6717136.840554401278496 ], [ 456963.668937144742813, 6717137.377613422460854 ], [ 456962.828191600332502, 6717137.936867877840996 ], [ 456962.993033824430313, 6717138.451710102148354 ], [ 456962.146894298086409, 6717139.005570575594902 ], [ 456962.301482615934219, 6717139.51015889365226 ], [ 456961.45258735230891, 6717140.06126363016665 ], [ 456961.602091441629454, 6717140.560767719522119 ], [ 456960.751572642824613, 6717141.110248920507729 ], [ 456960.896772227773909, 6717141.605448505841196 ], [ 456960.04393561888719, 6717142.152611896395683 ], [ 456960.181604991434142, 6717142.640281269326806 ], [ 456959.324389110086486, 6717143.183065388351679 ], [ 456959.448888621816877, 6717143.657564899884164 ], [ 456958.801087413332425, 6717144.059763691388071 ], [ 456957.438599620363675, 6717143.047275898046792 ], [ 456957.220565257535782, 6717143.179241535253823 ], [ 456956.373250804434065, 6717142.331927082501352 ], [ 456955.489759288320784, 6717142.148435566574335 ], [ 456954.663817821012344, 6717141.32249409891665 ], [ 456954.271520457754377, 6717141.2801967356354 ], [ 456954.687700877664611, 6717140.996377155184746 ], [ 456954.492908702406567, 6717140.451584979891777 ], [ 456955.330695567594375, 6717139.88937184587121 ], [ 456955.155941234144848, 6717139.364617511630058 ], [ 456955.997701488027815, 6717138.806377765722573 ], [ 456955.828469310305081, 6717138.287145588546991 ], [ 456957.092818675504532, 6717137.451494953595102 ], [ 456956.930080638441723, 6717136.938756916671991 ], [ 456957.776861033926252, 6717136.385537311434746 ], [ 456957.623885570035782, 6717135.882561847567558 ], [ 456958.474393687734846, 6717135.33306996524334 ], [ 456958.332035289320629, 6717134.840711567550898 ], [ 456959.1875315051293, 6717134.296207782812417 ], [ 456959.059528575453442, 6717133.81820485368371 ], [ 456959.706165538344067, 6717133.414841815829277 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456949.535924754629377, 6717111.694601032882929 ], [ 456950.9228830676293, 6717112.731559345498681 ], [ 456951.140896068129223, 6717112.599572345614433 ], [ 456951.972349010000471, 6717113.431025288067758 ], [ 456952.190415416262113, 6717113.299091693945229 ], [ 456953.022349009988829, 6717114.131025288254023 ], [ 456953.240415416250471, 6717113.999091694131494 ], [ 456954.072349009977188, 6717114.831025287508965 ], [ 456954.290415416238829, 6717114.699091694317758 ], [ 456955.122349010023754, 6717115.531025287695229 ], [ 456955.340415416227188, 6717115.399091694504023 ], [ 456956.172349010012113, 6717116.231025287881494 ], [ 456956.390415416273754, 6717116.099091693758965 ], [ 456957.221409068617504, 6717116.930085346102715 ], [ 456957.439411387953442, 6717116.798087665811181 ], [ 456958.2390451770043, 6717117.597721454687417 ], [ 456958.45631049684016, 6717117.464986775070429 ], [ 456958.624570689687971, 6717117.633246967568994 ], [ 456958.208454356703442, 6717117.917130634188652 ], [ 456958.40708106564125, 6717118.465757343918085 ], [ 456957.989875255094375, 6717118.748551532626152 ], [ 456958.186301646695938, 6717119.294977924786508 ], [ 456957.7699289660668, 6717119.578605243936181 ], [ 456964.618064342008438, 6717124.326740619726479 ], [ 456964.201755748305004, 6717124.610432025976479 ], [ 456964.396184764395002, 6717125.154861042276025 ], [ 456963.558526073000394, 6717125.717202350497246 ], [ 456963.737349925504532, 6717126.246026203036308 ], [ 456962.47413276246516, 6717127.0828090403229 ], [ 456962.639145885012113, 6717127.597822163254023 ], [ 456961.794170604262035, 6717128.152846882119775 ], [ 456961.954654918226879, 6717128.66333119571209 ], [ 456961.10885718872305, 6717129.217533466406167 ], [ 456961.269330821523909, 6717129.728007099591196 ], [ 456960.424270091520157, 6717130.282946369610727 ], [ 456960.588845286867581, 6717130.797521565109491 ], [ 456959.323908458231017, 6717131.632584735751152 ], [ 456959.488398204324767, 6717132.147074482403696 ], [ 456958.643316112051252, 6717132.70199238974601 ], [ 456958.80364020873094, 6717133.212316486984491 ], [ 456957.95769294310594, 6717133.766369220800698 ], [ 456958.116916881117504, 6717134.275593158788979 ], [ 456957.270937572000548, 6717134.829613849520683 ], [ 456957.431037364469375, 6717135.339713642373681 ], [ 456956.160866771242581, 6717136.169543049298227 ], [ 456956.31058448361, 6717136.669260761700571 ], [ 456955.456658397219144, 6717137.215334675274789 ], [ 456955.586690745840315, 6717137.695367023348808 ], [ 456954.939840159902815, 6717138.098516438156366 ], [ 456953.589571605203673, 6717137.098247882910073 ], [ 456953.371569285867736, 6717137.230245564132929 ], [ 456952.540415416238829, 6717136.399091694504023 ], [ 456952.322349009977188, 6717136.531025287695229 ], [ 456951.490415416250471, 6717135.699091694317758 ], [ 456951.272349009988829, 6717135.831025287508965 ], [ 456950.440415416262113, 6717134.999091694131494 ], [ 456950.222349010000471, 6717135.131025288254023 ], [ 456949.391697154555004, 6717134.300373432226479 ], [ 456949.173705516324844, 6717134.432381793856621 ], [ 456948.359769664297346, 6717133.618445942178369 ], [ 456947.490120921633206, 6717134.148797199130058 ], [ 456947.596174083242659, 6717134.604850361123681 ], [ 456946.944880137918517, 6717135.003556415438652 ], [ 456946.571114573976956, 6717134.629790851846337 ], [ 456946.353464732645079, 6717134.762141010724008 ], [ 456945.539892039785627, 6717133.948568318039179 ], [ 456945.321868358121719, 6717134.080544635653496 ], [ 456944.490415416250471, 6717133.249091694131494 ], [ 456944.272349009988829, 6717133.381025288254023 ], [ 456943.440415416262113, 6717132.549091693945229 ], [ 456943.222349010000471, 6717132.681025288067758 ], [ 456942.390415416273754, 6717131.849091693758965 ], [ 456942.172349010012113, 6717131.981025287881494 ], [ 456941.340415416227188, 6717131.149091694504023 ], [ 456941.122349010023754, 6717131.281025287695229 ], [ 456940.290415416238829, 6717130.449091694317758 ], [ 456940.072349009977188, 6717130.581025287508965 ], [ 456939.241430125723127, 6717129.75010640360415 ], [ 456939.023438487551175, 6717129.882114765234292 ], [ 456938.232477794168517, 6717129.09115407243371 ], [ 456937.866306529555004, 6717129.074982807040215 ], [ 456938.284185252676252, 6717128.792861530557275 ], [ 456938.098525462613907, 6717128.257201740518212 ], [ 456938.519320140359923, 6717127.977996418252587 ], [ 456938.352918468008284, 6717127.461594745516777 ], [ 456939.197840342996642, 6717126.906516620889306 ], [ 456939.038167796621565, 6717126.396844074130058 ], [ 456939.88382667111, 6717125.842502948828042 ], [ 456939.721259532438125, 6717125.329935810528696 ], [ 456940.987125621351879, 6717124.495801899582148 ], [ 456940.823319468996488, 6717123.98199574649334 ], [ 456941.66850837279344, 6717123.427184650674462 ], [ 456941.508376536832657, 6717122.917052814736962 ], [ 456942.354184947500471, 6717122.362861225381494 ], [ 456942.193625865445938, 6717121.852302143350244 ], [ 456943.038643870851956, 6717121.297320148907602 ], [ 456942.873951182875317, 6717120.782627460546792 ], [ 456944.138813243422192, 6717119.947489521466196 ], [ 456943.974120555387344, 6717119.432796833105385 ], [ 456944.819138560793363, 6717118.877814838662744 ], [ 456944.658590159902815, 6717118.367266437970102 ], [ 456945.504430614004377, 6717117.813106891699135 ], [ 456945.344480357656721, 6717117.303156635724008 ], [ 456946.18997901486, 6717116.748655293136835 ], [ 456946.027572093473282, 6717116.236248371191323 ], [ 456947.295211253629532, 6717115.403887531720102 ], [ 456947.13854011107469, 6717114.897216388955712 ], [ 456947.988311229215469, 6717114.346987507306039 ], [ 456947.844906077894848, 6717113.853582356125116 ], [ 456948.70055182982469, 6717113.309228107333183 ], [ 456948.573317943082657, 6717112.831994220614433 ], [ 456949.004227672121488, 6717112.562903949990869 ], [ 456948.886809764371719, 6717112.09548604208976 ], [ 456949.535924754629377, 6717111.694601032882929 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456849.093779407034162, 6717121.502216693945229 ], [ 456851.874450526724104, 6717124.282873127609491 ], [ 456852.091675792238675, 6717124.150918170809746 ], [ 456855.932634196768049, 6717127.291187641210854 ], [ 456854.704093394742813, 6717128.162919208407402 ], [ 456854.963757548830472, 6717128.772065326571465 ], [ 456852.523642955289688, 6717130.532287189736962 ], [ 456852.792530284437817, 6717131.150789997540414 ], [ 456850.740121493814513, 6717132.598759052343667 ], [ 456850.946242366335355, 6717133.155236408114433 ], [ 456849.466997561918106, 6717134.126227924600244 ], [ 456845.908707843336742, 6717130.91763112321496 ], [ 456847.554079280409496, 6717129.762581989169121 ], [ 456843.2577045779326, 6717125.816782734356821 ], [ 456849.093779407034162, 6717121.502216693945229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456922.281212840578519, 6717091.439889118075371 ], [ 456932.785325084230863, 6717098.794001362286508 ], [ 456932.369433055398986, 6717099.07810933329165 ], [ 456932.567162547609769, 6717099.62583882547915 ], [ 456931.314252696523909, 6717100.47292897477746 ], [ 456931.495565257559065, 6717101.004241535440087 ], [ 456930.655919871816877, 6717101.564596150070429 ], [ 456930.831357799062971, 6717102.090034076943994 ], [ 456929.57062934449641, 6717102.92930562235415 ], [ 456929.741645274625625, 6717103.450321552343667 ], [ 456928.899222789274063, 6717104.007899067364633 ], [ 456929.068262706277892, 6717104.526938984170556 ], [ 456928.226790843473282, 6717105.085467121563852 ], [ 456928.403905711660627, 6717105.612581989727914 ], [ 456927.149660716531798, 6717106.458336994051933 ], [ 456927.345884166250471, 6717107.004560444504023 ], [ 456926.929853282461409, 6717107.288529559969902 ], [ 456943.285463939188048, 6717118.394140217453241 ], [ 456942.869582591520157, 6717118.678258869796991 ], [ 456943.067450938688125, 6717119.226127216592431 ], [ 456941.814765391813125, 6717120.073441669344902 ], [ 456941.996782908914611, 6717120.605459187179804 ], [ 456941.157639537355863, 6717121.166315815411508 ], [ 456941.335021434293594, 6717121.693697712384164 ], [ 456940.075991282938048, 6717122.534667560830712 ], [ 456940.251162181375548, 6717123.059838458895683 ], [ 456939.410341868875548, 6717123.619018146768212 ], [ 456939.584252391359769, 6717124.14292866922915 ], [ 456938.323128734133206, 6717124.981805011630058 ], [ 456938.492959056398831, 6717125.501635334454477 ], [ 456937.649009166227188, 6717126.057685444131494 ], [ 456937.809984813211486, 6717126.568661090917885 ], [ 456936.536332164308988, 6717127.395008441992104 ], [ 456936.674193797574844, 6717127.882870075292885 ], [ 456936.029223094461486, 6717128.287899372167885 ], [ 456935.376124034402892, 6717127.634800312109292 ], [ 456935.158506236562971, 6717127.767182514071465 ], [ 456934.340362010465469, 6717126.949038288556039 ], [ 456934.122327647695784, 6717127.081003925763071 ], [ 456933.290415416238829, 6717126.249091694131494 ], [ 456933.072349009977188, 6717126.381025288254023 ], [ 456932.240415416250471, 6717125.549091693945229 ], [ 456932.022349009988829, 6717125.681025288067758 ], [ 456931.190490184293594, 6717124.8491664621979 ], [ 456930.972455821523909, 6717124.981132099404931 ], [ 456929.561838756082579, 6717123.920515034347773 ], [ 456929.344968638906721, 6717124.053644916974008 ], [ 456929.458605418680236, 6717124.517281696200371 ], [ 456928.59736274293391, 6717125.056039020419121 ], [ 456928.72800391720375, 6717125.536680195480585 ], [ 456927.872785411367659, 6717126.081461689434946 ], [ 456928.01352027466055, 6717126.572196552529931 ], [ 456927.161217723391019, 6717127.119894001632929 ], [ 456927.306171641859692, 6717127.614847919903696 ], [ 456926.454542003164534, 6717128.163228962570429 ], [ 456926.598769603238907, 6717128.657445881515741 ], [ 456925.74592231324641, 6717129.204598590731621 ], [ 456925.884467540250625, 6717129.69314381852746 ], [ 456925.027988658461254, 6717130.236664935946465 ], [ 456925.154677806363907, 6717130.713354084640741 ], [ 456924.507805858156644, 6717131.11648213583976 ], [ 456915.063995585951488, 6717124.472121784463525 ], [ 456915.480832896719221, 6717124.189519856125116 ], [ 456915.293821940897033, 6717123.652535602450371 ], [ 456916.13462089112727, 6717123.093249103985727 ], [ 456915.969800029299222, 6717122.57796895224601 ], [ 456916.815608439908829, 6717122.024087116122246 ], [ 456916.660389934084378, 6717121.519114277325571 ], [ 456917.508825908182189, 6717120.967464801855385 ], [ 456917.357436595426407, 6717120.465995380654931 ], [ 456918.206684337172192, 6717119.915360614657402 ], [ 456918.056635509012267, 6717119.41531178727746 ], [ 456918.906321177957579, 6717118.864997455850244 ], [ 456918.756923900160473, 6717118.365600178018212 ], [ 456919.606844554422423, 6717117.815520832315087 ], [ 456919.457650218508206, 6717117.316326496191323 ], [ 456920.307357249723282, 6717116.766033527441323 ], [ 456920.156923900125548, 6717116.265600178390741 ], [ 456921.005413280043285, 6717115.714089557528496 ], [ 456920.849607310781721, 6717115.208283588290215 ], [ 456921.69467872189125, 6717114.653354999609292 ], [ 456921.255394969484769, 6717113.514071247540414 ], [ 456921.039966807875317, 6717113.648643085733056 ], [ 456919.294901500223204, 6717112.253577778115869 ], [ 456919.076995311246719, 6717112.385671589523554 ], [ 456917.885443339822814, 6717111.194167682901025 ], [ 456917.667718730459455, 6717111.326144001446664 ], [ 456915.794906840834301, 6717109.803588459268212 ], [ 456915.577214274904691, 6717109.935532733798027 ], [ 456914.385550151346251, 6717108.744477435946465 ], [ 456914.167857585416641, 6717108.876411030068994 ], [ 456913.340046916506253, 6717108.04928395524621 ], [ 456913.122808299551252, 6717108.180833026766777 ], [ 456911.728549418912735, 6717107.137028095312417 ], [ 456911.511866221902892, 6717107.270531818270683 ], [ 456911.629673991701566, 6717107.737917683087289 ], [ 456910.771117625699844, 6717108.279558918438852 ], [ 456910.913326488051098, 6717108.771287128329277 ], [ 456909.640389476320706, 6717109.598499652929604 ], [ 456909.798919139371719, 6717110.107392475008965 ], [ 456908.952875743387267, 6717110.661455891095102 ], [ 456909.113504252920393, 6717111.172185871750116 ], [ 456908.268155131838284, 6717111.726687214337289 ], [ 456908.429990611562971, 6717112.238666889257729 ], [ 456907.161326060770079, 6717113.069201252423227 ], [ 456907.31284354737727, 6717113.571514484472573 ], [ 456906.459649119875394, 6717114.118645831942558 ], [ 456906.592442546389066, 6717114.600739642977715 ], [ 456905.945885692141019, 6717115.005341693758965 ], [ 456896.515912852773909, 6717108.374140522442758 ], [ 456896.932969127199613, 6717108.091613361611962 ], [ 456896.747293315420393, 6717107.555633137002587 ], [ 456897.588818583986722, 6717106.997425434179604 ], [ 456897.427741466031875, 6717106.486855670809746 ], [ 456898.276006541738752, 6717105.935078022070229 ], [ 456898.128809581277892, 6717105.437432453036308 ], [ 456898.981662211881485, 6717104.889777729287744 ], [ 456898.843490825209301, 6717104.401702472940087 ], [ 456899.27071555663133, 6717104.129621479660273 ], [ 456899.133334575162735, 6717103.64199483115226 ], [ 456899.986539683828596, 6717103.095589801669121 ], [ 456899.843161235330626, 6717102.601821491494775 ], [ 456900.693760142836254, 6717102.052938435226679 ], [ 456900.5438608507975, 6717101.552173969335854 ], [ 456901.392051158414688, 6717101.000439045019448 ], [ 456901.234536204836331, 6717100.493415424600244 ], [ 456902.080141673563048, 6717099.93862569052726 ], [ 456901.914151225588284, 6717099.423217365518212 ], [ 456903.178527293668594, 6717098.587481281720102 ], [ 456903.013359294447582, 6717098.071731159463525 ], [ 456904.285260234377347, 6717097.243728229776025 ], [ 456904.14494193601422, 6717096.7534633371979 ], [ 456904.78990729857469, 6717096.347739765420556 ], [ 456905.435214457975235, 6717096.994131062179804 ], [ 456905.652543864736799, 6717096.861930439248681 ], [ 456907.517857585451566, 6717098.376496478915215 ], [ 456907.735550151381176, 6717098.2445522043854 ], [ 456908.927214274881408, 6717099.435490009374917 ], [ 456909.144890819094144, 6717099.30355641618371 ], [ 456909.967873607180081, 6717100.126560566015542 ], [ 456910.18555015133461, 6717099.994626972824335 ], [ 456911.377214274893049, 6717101.185564777813852 ], [ 456911.594906840822659, 6717101.053620502352715 ], [ 456912.422071300039534, 6717101.88045918662101 ], [ 456912.639411387906875, 6717101.748888752423227 ], [ 456914.048169932852034, 6717102.807273456826806 ], [ 456914.265200267313048, 6717102.673972675576806 ], [ 456914.150516734633129, 6717102.209801837801933 ], [ 456915.011203990492504, 6717101.669869586825371 ], [ 456914.876690898439847, 6717101.185767719522119 ], [ 456915.730056224332657, 6717100.638230487704277 ], [ 456915.580317149637267, 6717100.139559528790414 ], [ 456916.42826713132672, 6717099.586638996377587 ], [ 456916.26571067381883, 6717099.073762103915215 ], [ 456917.529942546389066, 6717098.237449238076806 ], [ 456917.359353862295393, 6717097.718697711825371 ], [ 456918.201760325930081, 6717097.160436604171991 ], [ 456918.030242381559219, 6717096.638918659649789 ], [ 456919.292434154020157, 6717095.801110431551933 ], [ 456919.124227366934065, 6717095.282903645187616 ], [ 456919.968422923586331, 6717094.727099201641977 ], [ 456919.806806407461409, 6717094.21548268571496 ], [ 456920.653020701895002, 6717093.661696979776025 ], [ 456920.496808848867659, 6717093.15548512712121 ], [ 456921.772191844473127, 6717092.330868122167885 ], [ 456921.635975108656567, 6717091.844651386141777 ], [ 456922.281212840578519, 6717091.439889118075371 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456854.46157249022508, 6717118.469741413369775 ], [ 456860.121394954214338, 6717123.079417011700571 ], [ 456858.884629664884415, 6717123.94344746787101 ], [ 456859.109895167814102, 6717124.518296405673027 ], [ 456857.034160075651016, 6717125.943023273721337 ], [ 456857.214113460096996, 6717126.473086140118539 ], [ 456856.151376185880508, 6717127.160578510724008 ], [ 456850.491707263456192, 6717122.550934955477715 ], [ 456851.728343043825589, 6717121.686861774884164 ], [ 456851.503008113417309, 6717121.111873981542885 ], [ 456853.578663096937817, 6717119.68722188193351 ], [ 456853.398784480581526, 6717119.157191059552133 ], [ 456854.46157249022508, 6717118.469741413369775 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456863.294824061857071, 6717108.753417560830712 ], [ 456868.930173335538711, 6717113.688483783975244 ], [ 456867.301668773172423, 6717114.86019551474601 ], [ 456867.601638255582657, 6717115.510047504678369 ], [ 456864.396964107058011, 6717117.905958149582148 ], [ 456864.741799769864883, 6717118.600339863449335 ], [ 456861.916194377408829, 6717120.675004169344902 ], [ 456862.156560359464493, 6717121.265362140722573 ], [ 456860.267940364370588, 6717122.52669942099601 ], [ 456854.632591090688948, 6717117.591633197851479 ], [ 456856.261095653055236, 6717116.419921467080712 ], [ 456855.961126170645002, 6717115.770069477148354 ], [ 456859.165800319227856, 6717113.374158833175898 ], [ 456858.820964656362776, 6717112.67977711930871 ], [ 456861.64657004881883, 6717110.605112812481821 ], [ 456861.406204066763166, 6717110.01475484110415 ], [ 456863.294824061857071, 6717108.753417560830712 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.809124217543285, 6717106.817800495773554 ], [ 456946.500629649672192, 6717110.75930592790246 ], [ 456945.671515880094375, 6717111.330192157998681 ], [ 456945.875237498781644, 6717111.883913776837289 ], [ 456944.626792369352188, 6717112.735468647442758 ], [ 456944.819918284891173, 6717113.278594562783837 ], [ 456943.564914927992504, 6717114.123591206036508 ], [ 456943.740662608644925, 6717114.649338886141777 ], [ 456942.471912608656567, 6717115.480588886886835 ], [ 456942.614762340090238, 6717115.973438617773354 ], [ 456941.970678172598127, 6717116.379354450851679 ], [ 456936.750435863039456, 6717112.559112140908837 ], [ 456937.167054210207425, 6717112.275730487890542 ], [ 456936.975316844473127, 6717111.73399312235415 ], [ 456937.813093028555159, 6717111.171769306063652 ], [ 456937.636565623746719, 6717110.645241901278496 ], [ 456938.899280772719067, 6717109.807957050390542 ], [ 456938.737311778531875, 6717109.29598805680871 ], [ 456939.585437999281567, 6717108.744114276953042 ], [ 456939.438443980703596, 6717108.247120258398354 ], [ 456940.292722545156721, 6717107.701398823410273 ], [ 456940.16281837032875, 6717107.221494648605585 ], [ 456940.809124217543285, 6717106.817800495773554 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456856.435956798086409, 6717101.89451558329165 ], [ 456861.42615912965266, 6717106.884664509445429 ], [ 456854.666877589712385, 6717112.725236102938652 ], [ 456852.052905879507307, 6717114.661846515722573 ], [ 456847.115548549161758, 6717110.074590656906366 ], [ 456851.833258662722073, 6717106.391772053204477 ], [ 456851.34011252928758, 6717105.548922321759164 ], [ 456856.435956798086409, 6717101.89451558329165 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.456630168424454, 6717104.015002033673227 ], [ 456839.022274528048001, 6717107.580755207687616 ], [ 456831.756143270002212, 6717113.26510426774621 ], [ 456828.356382213125471, 6717109.865268032066524 ], [ 456828.356382213125471, 6717109.569575034081936 ], [ 456835.456630168424454, 6717104.015002033673227 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456990.50009864376625, 6717099.458774921484292 ], [ 456991.18507026246516, 6717100.143746539950371 ], [ 456991.402730784902815, 6717100.011407062411308 ], [ 456992.222381053434219, 6717100.831057331524789 ], [ 456992.440415416262113, 6717100.699091694317758 ], [ 456993.272349009988829, 6717101.531025287695229 ], [ 456993.490415416250471, 6717101.399091694504023 ], [ 456994.322349009977188, 6717102.231025287881494 ], [ 456994.540383372805081, 6717102.099059650674462 ], [ 456996.096979747293517, 6717103.305656025186181 ], [ 456995.679709849820938, 6717103.588386127725244 ], [ 456995.865519176004454, 6717104.124195453710854 ], [ 456995.023823009047192, 6717104.682499286718667 ], [ 456995.184659801016096, 6717105.193336078897119 ], [ 456994.336277232680004, 6717105.744953510351479 ], [ 456994.482811961672269, 6717106.241488239727914 ], [ 456993.629633555887267, 6717106.788309833966196 ], [ 456993.765487132535782, 6717107.274163410067558 ], [ 456993.337119517789688, 6717107.545795795507729 ], [ 456993.46996100951219, 6717108.028637287206948 ], [ 456992.613407359633129, 6717108.57208363711834 ], [ 456992.744967113016173, 6717109.053643390536308 ], [ 456991.886490855715238, 6717109.595167133957148 ], [ 456992.010103831766173, 6717110.068780109286308 ], [ 456991.362665782449767, 6717110.47134206071496 ], [ 456990.677694163809065, 6717109.786370441317558 ], [ 456990.46003364137141, 6717109.918709918856621 ], [ 456989.640383372781798, 6717109.099059650674462 ], [ 456989.422349010012113, 6717109.231025287881494 ], [ 456988.590415416227188, 6717108.399091694504023 ], [ 456988.372349010023754, 6717108.531025287695229 ], [ 456987.540415416238829, 6717107.699091694317758 ], [ 456987.322381053469144, 6717107.831057331524789 ], [ 456985.7657846789225, 6717106.624460957013071 ], [ 456986.183054576395079, 6717106.341730854474008 ], [ 456985.997245250211563, 6717105.805921528488398 ], [ 456986.838941417227034, 6717105.247617695480585 ], [ 456986.678104625258129, 6717104.736780903302133 ], [ 456987.526487193594221, 6717104.185163471847773 ], [ 456987.379952464601956, 6717103.688628742471337 ], [ 456988.23313087032875, 6717103.141807148233056 ], [ 456988.097277293680236, 6717102.655953571200371 ], [ 456988.525644908426329, 6717102.384321186691523 ], [ 456988.392803416762035, 6717101.901479694992304 ], [ 456989.249357066641096, 6717101.35803334414959 ], [ 456989.117797313199844, 6717100.876473590731621 ], [ 456989.976273570558988, 6717100.334949848242104 ], [ 456989.852660594449844, 6717099.861336871981621 ], [ 456990.50009864376625, 6717099.458774921484292 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456833.841975722811185, 6717092.950097247958183 ], [ 456839.82514804409584, 6717098.233358357101679 ], [ 456838.589591727766674, 6717099.098286029882729 ], [ 456838.821254573354963, 6717099.67953297868371 ], [ 456836.756001029512845, 6717101.114417621865869 ], [ 456836.952513537893537, 6717101.661495563574135 ], [ 456835.470857463369612, 6717102.63009450212121 ], [ 456829.487579749140423, 6717097.346715901046991 ], [ 456830.72313982056221, 6717096.481852314434946 ], [ 456830.491497335897293, 6717095.900551959872246 ], [ 456832.556736026308499, 6717094.465677998028696 ], [ 456832.360222850344144, 6717093.918589374981821 ], [ 456833.841975722811185, 6717092.950097247958183 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717086.065058491192758 ], [ 456828.569098676322028, 6717085.92832905985415 ], [ 456828.423559902177658, 6717085.432328388094902 ], [ 456829.273968050954863, 6717084.88243062235415 ], [ 456829.121971080778167, 6717084.380833026953042 ], [ 456830.395451078889892, 6717083.554047748446465 ], [ 456830.249043188581709, 6717083.057555744424462 ], [ 456831.103846297773998, 6717082.512261554598808 ], [ 456830.974894915125333, 6717082.033500263467431 ], [ 456831.622310100065079, 6717081.630265399813652 ], [ 456832.974267945799511, 6717082.632894489914179 ], [ 456833.191762576578185, 6717082.501238605938852 ], [ 456834.039551005873363, 6717083.347826740704477 ], [ 456834.923017154214904, 6717083.532012531533837 ], [ 456835.771107993612532, 6717084.379252216778696 ], [ 456835.988599620352034, 6717084.247607014141977 ], [ 456836.797741637739819, 6717085.056650898419321 ], [ 456837.187061629781965, 6717085.095786640420556 ], [ 456836.770623527059797, 6717085.379264423623681 ], [ 456836.962845550093334, 6717085.921717426739633 ], [ 456836.12380031158682, 6717086.482339069247246 ], [ 456836.292833552870434, 6717087.001272175461054 ], [ 456835.448555217299145, 6717087.556766864843667 ], [ 456835.608256469247863, 6717088.06716572958976 ], [ 456834.762324557814281, 6717088.62083394266665 ], [ 456834.921390948758926, 6717089.130057880654931 ], [ 456834.075796161196195, 6717089.684591267257929 ], [ 456834.239269862649962, 6717090.197457477450371 ], [ 456832.972997222444974, 6717091.031890461221337 ], [ 456833.135465560422745, 6717091.543976947665215 ], [ 456832.288947854540311, 6717092.09776265360415 ], [ 456832.444486461172346, 6717092.602959796786308 ], [ 456831.59596804191824, 6717093.153968403115869 ], [ 456831.744586930784862, 6717093.653472492471337 ], [ 456830.892899714002851, 6717094.201725360937417 ], [ 456831.033061466703657, 6717094.691990253515542 ], [ 456830.176945243380032, 6717095.235906574875116 ], [ 456830.304330668936018, 6717095.712905475869775 ], [ 456829.657167075143661, 6717096.116428730078042 ], [ 456828.356382213125471, 6717095.165058490820229 ], [ 456828.356382213125471, 6717086.065058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456846.859434543119278, 6717083.567826434969902 ], [ 456851.099743876955472, 6717088.507923481054604 ], [ 456843.803276477323379, 6717093.812226459383965 ], [ 456839.563004527590238, 6717088.872204181738198 ], [ 456846.859434543119278, 6717083.567826434969902 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717070.665058490820229 ], [ 456834.324659667501692, 6717077.332917377352715 ], [ 456828.356382213125471, 6717081.515058491379023 ], [ 456828.356382213125471, 6717070.665058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717069.265058491379023 ], [ 456832.118770728586242, 6717065.677686665207148 ], [ 456835.110913310549222, 6717063.418708393350244 ], [ 456840.036532054422423, 6717068.344407245516777 ], [ 456832.481616817007307, 6717074.090365192852914 ], [ 456828.356382213125471, 6717069.965058490633965 ], [ 456828.356382213125471, 6717069.265058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717057.715058490633965 ], [ 456829.821002016542479, 6717058.830128070898354 ], [ 456830.037908683298156, 6717058.698835346847773 ], [ 456830.871495519182645, 6717059.530704853124917 ], [ 456831.088332591520157, 6717059.399412129074335 ], [ 456831.922670779691543, 6717060.230704853311181 ], [ 456832.139476809999906, 6717060.099412128329277 ], [ 456832.94933212804608, 6717060.907569477334619 ], [ 456833.335387692961376, 6717060.944590351544321 ], [ 456832.919367490278091, 6717061.227790424600244 ], [ 456833.111278424737975, 6717061.770734760910273 ], [ 456832.272848353895824, 6717062.330320332199335 ], [ 456832.439878879056778, 6717062.849851582199335 ], [ 456831.596239076170605, 6717063.403113910928369 ], [ 456831.752243981871288, 6717063.910618183203042 ], [ 456830.904155812750105, 6717064.462684223428369 ], [ 456831.057006774412002, 6717064.964826557785273 ], [ 456830.209617219457868, 6717065.515568134374917 ], [ 456830.362445817503612, 6717066.022816059179604 ], [ 456829.51619146874873, 6717066.574177143163979 ], [ 456829.673185298917815, 6717067.081980488263071 ], [ 456828.826832024322357, 6717067.636396382004023 ], [ 456828.990330718050245, 6717068.14706227555871 ], [ 456828.356382213125471, 6717068.565058491192758 ], [ 456828.356382213125471, 6717057.715058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.34871848631883, 6717057.358115741983056 ], [ 456914.518012462125625, 6717060.577714130282402 ], [ 456905.014756236574613, 6717066.472855731844902 ], [ 456903.210869823000394, 6717062.918915912508965 ], [ 456912.34871848631883, 6717057.358115741983056 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456891.531382213113829, 6717052.990058491006494 ], [ 456888.141291270731017, 6717055.551142475567758 ], [ 456891.595479808340315, 6717059.702735492959619 ], [ 456890.76806968258461, 6717060.276697895489633 ], [ 456890.994050822744612, 6717060.851984760724008 ], [ 456888.936748729262035, 6717062.295841571874917 ], [ 456889.163210521219298, 6717062.87142750993371 ], [ 456887.499284587393049, 6717064.008500263094902 ], [ 456887.676447520731017, 6717064.535081073641777 ], [ 456886.612855754385237, 6717065.222947284579277 ], [ 456876.481382213125471, 6717052.990058491006494 ], [ 456891.531382213113829, 6717052.990058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456925.83094428590266, 6717054.038135883398354 ], [ 456932.5700998645043, 6717059.027793476358056 ], [ 456931.335817943094298, 6717059.895124409347773 ], [ 456931.570109019754454, 6717060.478080341592431 ], [ 456929.504438243398909, 6717061.91396901383996 ], [ 456929.701590953336563, 6717062.460438129492104 ], [ 456928.218972239992581, 6717063.428791400976479 ], [ 456921.962273631594144, 6717058.571516010910273 ], [ 456922.792220530973282, 6717058.001057025976479 ], [ 456922.590720592008438, 6717057.449567768722773 ], [ 456923.842359385977034, 6717056.59945485368371 ], [ 456923.656838450930081, 6717056.064841816201806 ], [ 456924.919692454801407, 6717055.225880024023354 ], [ 456924.761825023160782, 6717054.720405170693994 ], [ 456925.83094428590266, 6717054.038135883398354 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456924.081382213102188, 6717052.990058491006494 ], [ 456920.493871531973127, 6717056.402430317364633 ], [ 456917.50173362303758, 6717058.661237690597773 ], [ 456911.831382213102188, 6717052.990058491006494 ], [ 456924.081382213102188, 6717052.990058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456954.531382213113829, 6717052.990058491006494 ], [ 456954.660581431875471, 6717053.467762348242104 ], [ 456953.372594676504377, 6717054.282819721847773 ], [ 456953.499187694105785, 6717054.757960102520883 ], [ 456952.851461253652815, 6717055.161600849591196 ], [ 456952.179905162367504, 6717054.487684223800898 ], [ 456951.962917552504223, 6717054.61959645524621 ], [ 456951.138898692617659, 6717053.798984882421792 ], [ 456950.922135386965238, 6717053.930192157626152 ], [ 456950.071349559293594, 6717053.081852314062417 ], [ 456949.631382213148754, 6717052.990058491006494 ], [ 456954.531382213113829, 6717052.990058491006494 ] ] ] } } + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717252.315058491192758 ], [ 456828.390473113569897, 6717251.649149975739419 ], [ 456829.662046859739348, 6717250.820724222809076 ], [ 456829.497125611815136, 6717250.305802891030908 ], [ 456830.349345551047008, 6717249.758021995425224 ], [ 456830.175889144418761, 6717249.234563419595361 ], [ 456831.437346921477001, 6717248.396023198962212 ], [ 456831.257670245657209, 6717247.866346523165703 ], [ 456832.106125245569274, 6717247.314801523461938 ], [ 456831.926416192553006, 6717246.78521496988833 ], [ 456833.189288888475858, 6717245.947849342599511 ], [ 456833.040018783125561, 6717245.448705074377358 ], [ 456833.668133292696439, 6717245.026932403445244 ], [ 456840.440979228529613, 6717250.049848935566843 ], [ 456839.233893523691222, 6717250.942548773251474 ], [ 456839.538480601797346, 6717251.597138605080545 ], [ 456838.331382213102188, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.315058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.231382213125471, 6717252.490058491006494 ], [ 456876.113400493166409, 6717251.071345946751535 ], [ 456876.941462169168517, 6717250.499494072981179 ], [ 456876.730749736307189, 6717249.938948533497751 ], [ 456877.974879680143204, 6717249.083029244095087 ], [ 456877.764920268557034, 6717248.523138925433159 ], [ 456879.007880626188125, 6717247.666730139404535 ], [ 456878.795987926016096, 6717247.104716608300805 ], [ 456880.451433024893049, 6717245.959827587008476 ], [ 456880.2384348254418, 6717245.396834728308022 ], [ 456881.481208262906875, 6717244.53945862967521 ], [ 456881.275959239515942, 6717243.984435245394707 ], [ 456882.523736796865705, 6717243.131967804394662 ], [ 456882.32724097778555, 6717242.585682270117104 ], [ 456883.363617167982738, 6717241.872037097811699 ], [ 456891.52738212159602, 6717247.585114452987909 ], [ 456890.704490123258438, 6717248.163529559969902 ], [ 456890.936543498537503, 6717248.745580265298486 ], [ 456889.290957103250548, 6717249.899377033114433 ], [ 456889.517685924074613, 6717250.476335999555886 ], [ 456888.280552135023754, 6717251.339512798935175 ], [ 456888.505604014906567, 6717251.913766387850046 ], [ 456887.681382213137113, 6717252.490058491006494 ], [ 456878.231382213125471, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.481382213125471, 6717252.490058491006494 ], [ 456890.817331157217268, 6717252.475972062908113 ], [ 456890.864087901602034, 6717251.473041638731956 ], [ 456891.92253669310594, 6717250.781651232391596 ], [ 456891.76953452633461, 6717250.278792593628168 ], [ 456893.024559245619457, 6717249.433758232742548 ], [ 456892.875103221449535, 6717248.934391329064965 ], [ 456893.503245769010391, 6717248.512468788772821 ], [ 456899.231382213125471, 6717252.490058491006494 ], [ 456890.481382213125471, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456901.681382213137113, 6717252.490058491006494 ], [ 456902.500952373025939, 6717251.909369465894997 ], [ 456902.258340678701643, 6717251.316866335459054 ], [ 456903.897475657926407, 6717250.156045291572809 ], [ 456903.65511497069383, 6717249.563842651434243 ], [ 456905.294175181887113, 6717248.402805730700493 ], [ 456905.050847850332502, 6717247.809532806277275 ], [ 456906.689048228727188, 6717246.647584984079003 ], [ 456906.442863688978832, 6717246.051511261612177 ], [ 456908.07927497435594, 6717244.887855121865869 ], [ 456907.82805427123094, 6717244.286640427075326 ], [ 456909.470932994387113, 6717243.129523823037744 ], [ 456909.240334879606962, 6717242.557163676247001 ], [ 456909.456903300771955, 6717242.416319248266518 ], [ 456909.449067879060749, 6717242.393139897845685 ], [ 456910.881395183096174, 6717241.390119526535273 ], [ 456910.65084250975633, 6717240.809482738375664 ], [ 456912.295643840334378, 6717239.654195949435234 ], [ 456912.06336616090266, 6717239.071995709091425 ], [ 456913.70824225951219, 6717237.916899845004082 ], [ 456913.478298411879223, 6717237.337224361486733 ], [ 456914.506615672609769, 6717236.616279956884682 ], [ 456924.070188365469221, 6717244.078635666519403 ], [ 456923.249651561258361, 6717244.658765766769648 ], [ 456923.489379344449844, 6717245.247488853521645 ], [ 456921.847098765836563, 6717246.40647666156292 ], [ 456922.083088145765942, 6717246.990973350591958 ], [ 456920.438585887430236, 6717248.147109291516244 ], [ 456920.668647227750625, 6717248.727536126971245 ], [ 456919.433393321523909, 6717249.591969797387719 ], [ 456919.662845836195629, 6717250.171116063371301 ], [ 456918.018482432875317, 6717251.326532027684152 ], [ 456918.252923045656644, 6717251.911410400643945 ], [ 456917.431382213137113, 6717252.490058491006494 ], [ 456901.681382213137113, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456909.23472465085797, 6717242.543238708749413 ], [ 456909.240334879606962, 6717242.557163676247001 ], [ 456908.608600841078442, 6717242.968009445816278 ], [ 456908.775189433596097, 6717243.484544632025063 ], [ 456907.5096811632975, 6717244.31910178437829 ], [ 456907.656627116666641, 6717244.81581742502749 ], [ 456907.028233562014066, 6717245.237550709396601 ], [ 456898.514970622549299, 6717239.523098155856133 ], [ 456898.934355388162658, 6717239.242565700784326 ], [ 456898.798357615945861, 6717238.756551906466484 ], [ 456899.637239299307112, 6717238.195449612103403 ], [ 456899.498608623049222, 6717237.706789562478662 ], [ 456900.337020335660782, 6717237.145181247964501 ], [ 456900.181118236097973, 6717236.6393071860075 ], [ 456901.029393992910627, 6717236.087605640292168 ], [ 456900.863237987039611, 6717235.571445629000664 ], [ 456902.125189433572814, 6717234.733375713229179 ], [ 456901.959081492910627, 6717234.21727444883436 ], [ 456902.807346568617504, 6717233.665572903119028 ], [ 456902.65154059935594, 6717233.159741565585136 ], [ 456903.489936290250625, 6717232.59813592210412 ], [ 456903.351145396707579, 6717232.10976826865226 ], [ 456904.19133552123094, 6717231.549577876925468 ], [ 456904.065506206068676, 6717231.074190494604409 ], [ 456904.705547557387035, 6717230.664229176007211 ], [ 456913.221026835904922, 6717236.728632328100502 ], [ 456912.795420299051329, 6717237.003165981732309 ], [ 456912.972593913553283, 6717237.532288906164467 ], [ 456911.711123118875548, 6717238.368815395981073 ], [ 456911.889087138639297, 6717238.898755428381264 ], [ 456911.040725932631176, 6717239.450243351049721 ], [ 456911.220334849844221, 6717239.980017825961113 ], [ 456909.958773265359923, 6717240.818398830480874 ], [ 456910.125911937269848, 6717241.335317203775048 ], [ 456909.278180919180159, 6717241.887608882971108 ], [ 456909.449067879060749, 6717242.393139897845685 ], [ 456909.23472465085797, 6717242.543238708749413 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.531382213113829, 6717252.490058491006494 ], [ 456940.494745860574767, 6717252.10268346965313 ], [ 456941.084975657926407, 6717251.64310160651803 ], [ 456940.598011241469067, 6717250.806455537676811 ], [ 456942.03467963746516, 6717250.492813512682915 ], [ 456941.74541266966844, 6717249.853723451495171 ], [ 456942.745360789762344, 6717249.454211637377739 ], [ 456946.993340526125394, 6717246.001854583621025 ], [ 456946.502445445570629, 6717245.160799954086542 ], [ 456951.986159739957657, 6717240.84510438144207 ], [ 456951.446494517789688, 6717239.955105373635888 ], [ 456955.444834361551329, 6717236.953694889321923 ], [ 456954.993320689711254, 6717236.151976940222085 ], [ 456957.249863658449613, 6717234.558431789278984 ], [ 456967.122228465566877, 6717243.380653736181557 ], [ 456965.178611217008438, 6717244.93725878931582 ], [ 456965.657393870817032, 6717245.766296455636621 ], [ 456961.69782661012141, 6717248.806664106436074 ], [ 456962.213256297574844, 6717249.672260353341699 ], [ 456958.731382213125471, 6717252.490058491006494 ], [ 456940.531382213113829, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456869.012930903933011, 6717231.022101185284555 ], [ 456875.778439555666409, 6717235.687633869238198 ], [ 456875.352934489725158, 6717235.962132808752358 ], [ 456875.532105479738675, 6717236.490760395303369 ], [ 456874.268279490934219, 6717237.32702119089663 ], [ 456874.434515605447814, 6717237.843177196569741 ], [ 456873.587142405973282, 6717238.395799991674721 ], [ 456873.761271892057266, 6717238.919948169961572 ], [ 456872.913898692640942, 6717239.472572300583124 ], [ 456873.080124125990551, 6717239.988784382119775 ], [ 456871.818178020010237, 6717240.826856967993081 ], [ 456871.984440837404691, 6717241.34311244264245 ], [ 456871.137059627042618, 6717241.895735904574394 ], [ 456871.311218486342113, 6717242.419665787369013 ], [ 456870.46385062742047, 6717242.972520229406655 ], [ 456870.630076060770079, 6717243.488494656048715 ], [ 456869.367991099832579, 6717244.326423046179116 ], [ 456869.532865367422346, 6717244.841287299990654 ], [ 456868.684090266702697, 6717245.392521545290947 ], [ 456868.82770103024086, 6717245.886139652691782 ], [ 456868.187798533937894, 6717246.296217128634453 ], [ 456861.422249827883206, 6717241.630683776922524 ], [ 456861.847797618422192, 6717241.356224891729653 ], [ 456861.668634639296215, 6717240.827308246865869 ], [ 456862.932428584608715, 6717239.991100857034326 ], [ 456862.766269908461254, 6717239.474946185946465 ], [ 456863.613645778212231, 6717238.922318050637841 ], [ 456863.439500270353165, 6717238.398167202249169 ], [ 456864.286854777834378, 6717237.845540401525795 ], [ 456864.120599971327465, 6717237.329293605871499 ], [ 456865.382548747526016, 6717236.491219684481621 ], [ 456865.216325984511059, 6717235.974999591708183 ], [ 456866.063696513650939, 6717235.422378132119775 ], [ 456865.889545665297192, 6717234.898663875646889 ], [ 456866.736905513273086, 6717234.345609828829765 ], [ 456866.570648036489729, 6717233.829820987768471 ], [ 456867.832746348867659, 6717232.991885921917856 ], [ 456867.667912135599181, 6717232.477071736007929 ], [ 456868.516668544325512, 6717231.925824139267206 ], [ 456868.373036418459378, 6717231.432162639684975 ], [ 456869.012930903933011, 6717231.022101185284555 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.389023814699613, 6717231.349255535751581 ], [ 456979.006441722391173, 6717238.813515827059746 ], [ 456978.582976756559219, 6717239.090264484286308 ], [ 456978.764940867898986, 6717239.621523640118539 ], [ 456977.517254100355785, 6717240.474489757791162 ], [ 456977.688643870817032, 6717240.995325443334877 ], [ 456976.440369639894925, 6717241.847341606393456 ], [ 456976.621821055887267, 6717242.378897830843925 ], [ 456975.776183543668594, 6717242.933030674234033 ], [ 456975.957250438223127, 6717243.464160988107324 ], [ 456974.694663463102188, 6717244.301448509097099 ], [ 456974.843996654031798, 6717244.800672885961831 ], [ 456974.215656505140942, 6717245.222388145513833 ], [ 456963.598377452406567, 6717237.758633205667138 ], [ 456964.021991954359692, 6717237.482152912765741 ], [ 456963.840145335707348, 6717236.950377056375146 ], [ 456965.087810740980785, 6717236.097962353378534 ], [ 456964.916463695059065, 6717235.576608631759882 ], [ 456966.164631114515942, 6717234.724813435226679 ], [ 456965.983350596914534, 6717234.193396732211113 ], [ 456966.828977427969221, 6717233.639231845736504 ], [ 456966.647397838125471, 6717233.107564136385918 ], [ 456967.910219798563048, 6717232.270431492477655 ], [ 456967.760940013395157, 6717231.771506855264306 ], [ 456968.389023814699613, 6717231.349255535751581 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456977.488884959719144, 6717226.098578616976738 ], [ 456985.656441722414456, 6717231.813521168194711 ], [ 456985.230829844949767, 6717232.088105556555092 ], [ 456985.409974132082425, 6717232.617163059301674 ], [ 456984.146297679457348, 6717233.453362438827753 ], [ 456984.312496409926098, 6717233.969646617770195 ], [ 456983.465032420645002, 6717234.522221348248422 ], [ 456983.639274058805313, 6717235.045947620645165 ], [ 456982.791756663820706, 6717235.598539707250893 ], [ 456982.957720408914611, 6717236.114526149816811 ], [ 456981.694674144266173, 6717236.951272938400507 ], [ 456981.844007335195784, 6717237.45070225931704 ], [ 456981.215784678934142, 6717237.872399494051933 ], [ 456973.044361339125317, 6717231.804056331515312 ], [ 456973.873581920168363, 6717231.232744190841913 ], [ 456973.665459666750394, 6717230.675011798739433 ], [ 456974.909643016348127, 6717229.819221851415932 ], [ 456974.707288585195784, 6717229.266878101974726 ], [ 456975.957154307863675, 6717228.416781208477914 ], [ 456975.768973765836563, 6717227.878664753399789 ], [ 456977.018465648172423, 6717227.0281593054533 ], [ 456976.861260448000394, 6717226.520911380648613 ], [ 456977.488884959719144, 6717226.098578616976738 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456889.310546336637344, 6717220.170256015844643 ], [ 456896.079977641580626, 6717225.188645908609033 ], [ 456895.25203879881883, 6717225.760800525546074 ], [ 456895.462991557607893, 6717226.321678516454995 ], [ 456894.219133983133361, 6717227.177858326584101 ], [ 456894.428981242643204, 6717227.737673542462289 ], [ 456893.186629710660782, 6717228.595330021344125 ], [ 456893.399788127455395, 6717229.158397648483515 ], [ 456891.744241557607893, 6717230.30322091281414 ], [ 456891.955899272463284, 6717230.864802524447441 ], [ 456890.71252769039711, 6717231.721202633343637 ], [ 456890.917696605203673, 6717232.276398250833154 ], [ 456889.669742808851879, 6717233.12841775175184 ], [ 456889.866169200453442, 6717233.674830791540444 ], [ 456888.829809031973127, 6717234.388447925448418 ], [ 456882.41990531492047, 6717229.378565571270883 ], [ 456882.843290172109846, 6717229.10198247153312 ], [ 456882.661358104262035, 6717228.570039723068476 ], [ 456883.908238444826566, 6717227.716912052594125 ], [ 456883.719961772440001, 6717227.178635380230844 ], [ 456884.978521953104064, 6717226.337187550030649 ], [ 456884.788755260000471, 6717225.797426197677851 ], [ 456886.0361643176293, 6717224.944853946566582 ], [ 456885.852726207289379, 6717224.411501285620034 ], [ 456886.69600852538133, 6717223.854674122296274 ], [ 456886.51249564695172, 6717223.322130558080971 ], [ 456887.76075385621516, 6717222.469502232037485 ], [ 456887.589641795668285, 6717221.949292728677392 ], [ 456888.839630351576488, 6717221.099262592382729 ], [ 456888.682847056887113, 6717220.592492649331689 ], [ 456889.310546336637344, 6717220.170256015844643 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.920017848489806, 6717219.12869412638247 ], [ 456859.68558524659602, 6717223.444261524826288 ], [ 456859.260002742288634, 6717223.718679020181298 ], [ 456859.438185725710355, 6717224.246862003579736 ], [ 456858.175401149259415, 6717225.08407742716372 ], [ 456858.340611873136368, 6717225.599288150668144 ], [ 456857.493193278787658, 6717226.151869556866586 ], [ 456857.667373500356916, 6717226.676049778237939 ], [ 456856.81997092772508, 6717227.228647205978632 ], [ 456856.986223063955549, 6717227.744899341836572 ], [ 456855.724284968862776, 6717228.582961246371269 ], [ 456855.890523753652815, 6717229.099200031720102 ], [ 456855.043145213625394, 6717229.65182149130851 ], [ 456855.217309413419571, 6717230.17599637247622 ], [ 456854.369933543668594, 6717230.728621837683022 ], [ 456854.5361643176293, 6717231.244848606176674 ], [ 456853.2740793566918, 6717232.082760974764824 ], [ 456853.43893493223004, 6717232.597617886029184 ], [ 456852.590191875002347, 6717233.148860141634941 ], [ 456852.733826671144925, 6717233.642481586895883 ], [ 456852.093881450186018, 6717234.05256440397352 ], [ 456845.678338084719144, 6717229.737033054232597 ], [ 456846.097825656412169, 6717229.456489917822182 ], [ 456845.961767802713439, 6717228.970422718673944 ], [ 456846.800678859231994, 6717228.409341786056757 ], [ 456846.662562213430647, 6717227.921237155795097 ], [ 456847.502446589933243, 6717227.361114856787026 ], [ 456847.362773166212719, 6717226.871440097689629 ], [ 456848.202516017423477, 6717226.311162922531366 ], [ 456848.063256488356274, 6717225.821469470858574 ], [ 456848.903002009901684, 6717225.261181614361703 ], [ 456848.763279185805004, 6717224.771469471044838 ], [ 456849.603014026186429, 6717224.211202976293862 ], [ 456849.463301883253735, 6717223.721482822671533 ], [ 456850.303016696474515, 6717223.161232349462807 ], [ 456850.16331389953848, 6717222.672353336587548 ], [ 456851.002582774672192, 6717222.111259052529931 ], [ 456850.863888011488598, 6717221.622566959820688 ], [ 456851.703755031106994, 6717221.062431309372187 ], [ 456851.565511546621565, 6717220.574187824502587 ], [ 456852.405741725466214, 6717220.014418003149331 ], [ 456852.279960475454573, 6717219.538636753335595 ], [ 456852.920017848489806, 6717219.12869412638247 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456987.999213634000625, 6717199.857863209210336 ], [ 457004.206463084730785, 6717212.214084599167109 ], [ 457003.783147655020002, 6717212.490830585360527 ], [ 457003.965218577883206, 6717213.022834751754999 ], [ 457002.718290172109846, 6717213.875884983688593 ], [ 457002.90656684449641, 6717214.413349888287485 ], [ 457001.653528819559142, 6717215.261222431436181 ], [ 457001.852369151602034, 6717215.809146855026484 ], [ 457000.602503428934142, 6717216.659286472946405 ], [ 457000.802208934328519, 6717217.209024021402001 ], [ 456999.552321849332657, 6717218.059115573763847 ], [ 456999.751301036390942, 6717218.608153507113457 ], [ 456998.497867808851879, 6717219.454624149948359 ], [ 456998.687735972867813, 6717219.994380161166191 ], [ 456997.440262828371488, 6717220.846984455361962 ], [ 456997.623722301039379, 6717221.380636189132929 ], [ 456996.780669627652969, 6717221.937407276593149 ], [ 456996.964129100320861, 6717222.470762607641518 ], [ 456995.716538463137113, 6717223.32335355039686 ], [ 456995.902775035414379, 6717223.863138935528696 ], [ 456994.653400645765942, 6717224.710108920931816 ], [ 456994.848385081801098, 6717225.259016010910273 ], [ 456993.598914561735, 6717226.109102223068476 ], [ 456993.798267589125317, 6717226.658895847387612 ], [ 456992.548551402578596, 6717227.508971378207207 ], [ 456992.747402415785473, 6717228.058014652691782 ], [ 456991.493787608633284, 6717228.904431888833642 ], [ 456991.681968150602188, 6717229.442572376690805 ], [ 456990.43246558716055, 6717230.293153926730156 ], [ 456990.589531932375394, 6717230.799647495150566 ], [ 456989.961586986086331, 6717231.221818706952035 ], [ 456973.398954234609846, 6717218.856527683325112 ], [ 456974.228035960695706, 6717218.285684177652001 ], [ 456974.019635997305159, 6717217.72738301474601 ], [ 456975.263840709230863, 6717216.871667835861444 ], [ 456975.061165843508206, 6717216.318867466412485 ], [ 456976.308809886453673, 6717215.466447422280908 ], [ 456976.107630382059142, 6717214.915393421426415 ], [ 456977.357047496305313, 6717214.064751788973808 ], [ 456977.15559028199641, 6717213.513313267379999 ], [ 456978.402956614969298, 6717212.660631534643471 ], [ 456978.19712012814125, 6717212.105427905917168 ], [ 456979.441901622281875, 6717211.250014469027519 ], [ 456979.231707225320861, 6717210.690287373028696 ], [ 456980.888001475832425, 6717209.546757861971855 ], [ 456980.675820384523831, 6717208.984259006567299 ], [ 456981.918348155508284, 6717208.127045795321465 ], [ 456981.711902843031567, 6717207.570611163973808 ], [ 456982.959269176004454, 6717206.717902729287744 ], [ 456982.757737193605863, 6717206.166440173983574 ], [ 456984.007378612062894, 6717205.316001484170556 ], [ 456983.807523570547346, 6717204.766226551495492 ], [ 456985.057389293215238, 6717203.915969440713525 ], [ 456984.857213817129377, 6717203.365906116552651 ], [ 456986.105434642347973, 6717202.514153644442558 ], [ 456985.907876048586331, 6717201.966557666659355 ], [ 456987.159343944105785, 6717201.118073627352715 ], [ 456986.962832103250548, 6717200.571567127481103 ], [ 456987.999213634000625, 6717199.857863209210336 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456845.57937320281053, 6717208.638048145920038 ], [ 456849.539876399503555, 6717211.899073383770883 ], [ 456849.116446147440001, 6717212.175597736611962 ], [ 456849.298216662893537, 6717212.707404300570488 ], [ 456848.050619349989574, 6717213.559762928634882 ], [ 456848.220568500051741, 6717214.078802845440805 ], [ 456846.972980533144437, 6717214.932133457623422 ], [ 456847.154759059427306, 6717215.462941333651543 ], [ 456846.731340823636856, 6717215.739481708966196 ], [ 456850.938055263075512, 6717218.896731540560722 ], [ 456850.514731822477188, 6717219.173389408737421 ], [ 456850.696657214662991, 6717219.705332157202065 ], [ 456849.449791560648009, 6717220.558473179116845 ], [ 456849.638053546426818, 6717221.096731159836054 ], [ 456848.379529414640274, 6717221.938211033120751 ], [ 456848.569261394033674, 6717222.47793233115226 ], [ 456847.321857677015942, 6717223.330536625348032 ], [ 456847.505301127908751, 6717223.864009449258447 ], [ 456846.662117610452697, 6717224.420783206820488 ], [ 456846.84513114503352, 6717224.954290744848549 ], [ 456845.598181376932189, 6717225.806879017502069 ], [ 456845.787438045023009, 6717226.3466029856354 ], [ 456844.52893394039711, 6717227.188074848614633 ], [ 456844.716996989736799, 6717227.726159259676933 ], [ 456843.467551837442443, 6717228.57670209184289 ], [ 456843.624679599306546, 6717229.083837863989174 ], [ 456842.996928248903714, 6717229.50608784891665 ], [ 456834.478340754983947, 6717223.086755344644189 ], [ 456835.307322345266584, 6717222.515735600143671 ], [ 456835.098644671903457, 6717221.956868335604668 ], [ 456836.343101058504544, 6717221.101324055343866 ], [ 456836.140526996168774, 6717220.549687931314111 ], [ 456837.388173709390685, 6717219.696370670571923 ], [ 456837.187032256624661, 6717219.146181843243539 ], [ 456838.436675010190811, 6717218.295769855380058 ], [ 456838.237103686842602, 6717217.746021625585854 ], [ 456839.48669637250714, 6717216.895817920565605 ], [ 456839.287126384268049, 6717216.346034977585077 ], [ 456840.536717067239806, 6717215.495857975445688 ], [ 456840.337377391348127, 6717214.946059009991586 ], [ 456841.586730418668594, 6717214.095868656411767 ], [ 456841.387390742776915, 6717213.546067020855844 ], [ 456842.637160335085355, 6717212.695849964395165 ], [ 456842.437028918764554, 6717212.145717212930322 ], [ 456843.685200343606994, 6717211.29385525919497 ], [ 456843.487667117617093, 6717210.746358081698418 ], [ 456844.739419398771133, 6717209.898082325235009 ], [ 456844.542999682889786, 6717209.351669285446405 ], [ 456845.57937320281053, 6717208.638048145920038 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456880.215192637930159, 6717214.222843524999917 ], [ 456887.330693278810941, 6717219.238304112106562 ], [ 456886.912729106436018, 6717219.520425388589501 ], [ 456887.065768657193985, 6717220.02345959842205 ], [ 456886.217930827639066, 6717220.575685855932534 ], [ 456886.382238994119689, 6717221.090063449926674 ], [ 456885.120421061990783, 6717221.928063938394189 ], [ 456885.284675822767895, 6717222.44420659262687 ], [ 456884.438093028555159, 6717222.995949528180063 ], [ 456884.592243419203442, 6717223.50185963883996 ], [ 456883.753938518057112, 6717224.063632175326347 ], [ 456883.894822917471174, 6717224.554425785318017 ], [ 456883.05650199460797, 6717225.116198322735727 ], [ 456883.21249488403555, 6717225.622089740820229 ], [ 456882.364155040297192, 6717226.173811313696206 ], [ 456882.530273662123363, 6717226.689911243505776 ], [ 456881.268178020021878, 6717227.527850314974785 ], [ 456881.433062968717422, 6717228.042719242163002 ], [ 456880.58430121949641, 6717228.593944141641259 ], [ 456880.727887950430159, 6717229.087578937411308 ], [ 456880.087921367201488, 6717229.497644398361444 ], [ 456872.973464808950666, 6717224.482141086831689 ], [ 456873.390432963846251, 6717224.200011799111962 ], [ 456873.237382731924299, 6717223.697068378329277 ], [ 456874.085263286135159, 6717223.144826099276543 ], [ 456873.922765574941877, 6717222.630437824875116 ], [ 456875.182719645963516, 6717221.792407963424921 ], [ 456875.018528972170316, 6717221.276300022378564 ], [ 456875.866884837625548, 6717220.724581119604409 ], [ 456875.710945354017895, 6717220.218671008944511 ], [ 456876.549196849344298, 6717219.656906482763588 ], [ 456876.408381877408829, 6717219.166112873703241 ], [ 456877.246638713346329, 6717218.604329654946923 ], [ 456877.090667186246719, 6717218.098403522744775 ], [ 456877.939012370596174, 6717217.546695301309228 ], [ 456877.772883067606017, 6717217.030584690161049 ], [ 456879.034941325662658, 6717216.192610904574394 ], [ 456878.870077739236876, 6717215.677795384079218 ], [ 456879.718871531949844, 6717215.126575824804604 ], [ 456879.575231395254377, 6717214.633069202303886 ], [ 456880.215192637930159, 6717214.222843524999917 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456872.873331676004454, 6717208.282007954083383 ], [ 456879.287117991945706, 6717213.295794270001352 ], [ 456878.465251384244766, 6717213.874111912213266 ], [ 456878.69929145387141, 6717214.45812260825187 ], [ 456877.05565436888719, 6717215.614386722445488 ], [ 456877.288460765383206, 6717216.197064945474267 ], [ 456875.643002543947659, 6717217.351545307785273 ], [ 456875.870548472914379, 6717217.929120609536767 ], [ 456874.633943400869612, 6717218.792611667886376 ], [ 456874.860143504629377, 6717219.36879307962954 ], [ 456873.213189921865705, 6717220.521906253881752 ], [ 456873.441392741689924, 6717221.100215885788202 ], [ 456871.793816981778946, 6717222.252493259496987 ], [ 456872.017528377065901, 6717222.826204654760659 ], [ 456870.985897288832348, 6717223.544573566876352 ], [ 456864.573123012087308, 6717218.531799290329218 ], [ 456865.395080409536604, 6717217.953756687231362 ], [ 456865.161689219938125, 6717217.370365497656167 ], [ 456866.805612025724258, 6717216.214288303628564 ], [ 456866.573083339200821, 6717215.631759617477655 ], [ 456868.218640361330472, 6717214.477316639386117 ], [ 456867.991161189565901, 6717213.899837467819452 ], [ 456869.227694163797423, 6717213.036370441317558 ], [ 456869.001336513028946, 6717212.460012790746987 ], [ 456870.648113856790587, 6717211.306790134869516 ], [ 456870.419499812589493, 6717210.728176090866327 ], [ 456872.066787181363907, 6717209.575463458895683 ], [ 456871.842170558462385, 6717209.000846836715937 ], [ 456872.873331676004454, 6717208.282007954083383 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717214.515058491379023 ], [ 456828.572127054212615, 6717214.380716297775507 ], [ 456828.402383578883018, 6717213.860808536410332 ], [ 456829.660290143976454, 6717213.018810627050698 ], [ 456829.485181913885754, 6717212.493597004562616 ], [ 456830.738819418416824, 6717211.64732663333416 ], [ 456830.540670690999832, 6717211.099047061987221 ], [ 456831.794466577062849, 6717210.252896854653955 ], [ 456831.606469283578917, 6717209.714759036898613 ], [ 456832.855886731646024, 6717208.864210865460336 ], [ 456832.69892786553828, 6717208.35711781680584 ], [ 456833.326584754453506, 6717207.934889194555581 ], [ 456840.791674838576, 6717213.300344441086054 ], [ 456840.368223224184476, 6717213.576903507113457 ], [ 456840.550007091078442, 6717214.108667347580194 ], [ 456839.302467856905423, 6717214.961148807778955 ], [ 456839.473563228151761, 6717215.482461139559746 ], [ 456838.225563369283918, 6717216.334256336092949 ], [ 456838.408711753378157, 6717216.867619678378105 ], [ 456837.565439448866528, 6717217.424332019872963 ], [ 456837.748868880735245, 6717217.957791492342949 ], [ 456836.500650058267638, 6717218.809570667333901 ], [ 456836.671745429513976, 6717219.33065602555871 ], [ 456835.421780238626525, 6717220.180704853497446 ], [ 456835.578315864084288, 6717220.687466785311699 ], [ 456834.950796828779858, 6717221.109740803018212 ], [ 456828.356382213125471, 6717215.915058490820229 ], [ 456828.356382213125471, 6717214.515058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456864.471240840444807, 6717201.628915760666132 ], [ 456871.935673366067931, 6717206.994325611740351 ], [ 456871.517842708097305, 6717207.276521656662226 ], [ 456871.67083419370465, 6717207.779510471969843 ], [ 456870.823071132181212, 6717208.331747409887612 ], [ 456870.98746474791551, 6717208.846141025424004 ], [ 456869.725470576784573, 6717209.684146855026484 ], [ 456869.891594539163634, 6717210.200270816683769 ], [ 456869.043342814955395, 6717210.752019092440605 ], [ 456869.199210200808011, 6717211.257886478677392 ], [ 456868.360998759744689, 6717211.819675037637353 ], [ 456868.501789699075744, 6717212.310465976595879 ], [ 456867.663583598623518, 6717212.872259876690805 ], [ 456867.819464335916564, 6717213.378140613436699 ], [ 456866.971199260267895, 6717213.929875537753105 ], [ 456867.1373258929234, 6717214.446002170443535 ], [ 456865.875235591433011, 6717215.283911868929863 ], [ 456866.040099177858792, 6717215.798775455914438 ], [ 456865.191332088026684, 6717216.350008365698159 ], [ 456865.334969554445706, 6717216.843645832501352 ], [ 456864.695069728360977, 6717217.253746006637812 ], [ 456857.229571757779922, 6717211.888248035684228 ], [ 456857.647455821512267, 6717211.606132099404931 ], [ 456857.494467006239574, 6717211.103143284097314 ], [ 456858.342251430032775, 6717210.550927707925439 ], [ 456858.177839122305159, 6717210.036512729711831 ], [ 456859.43983596371254, 6717209.198512241244316 ], [ 456859.273690639005508, 6717208.682366916909814 ], [ 456860.122001109586563, 6717208.130674717016518 ], [ 456859.966074977419339, 6717207.624737903475761 ], [ 456860.804323802469298, 6717207.06296269595623 ], [ 456860.664430079923477, 6717206.572179768234491 ], [ 456861.501840434561018, 6717206.010399219579995 ], [ 456861.346776805410627, 6717205.504481098614633 ], [ 456862.195060573110823, 6717204.952762195840478 ], [ 456862.02896865416551, 6717204.436616871505976 ], [ 456863.291026912222151, 6717203.598744556307793 ], [ 456863.126192698953673, 6717203.083875630050898 ], [ 456863.974919734464493, 6717202.532648060470819 ], [ 456863.831306300649885, 6717202.039007923565805 ], [ 456864.471240840444807, 6717201.628915760666132 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456849.773697505472228, 6717204.083417866379023 ], [ 456857.939158092020079, 6717209.447834369726479 ], [ 456857.521241984853987, 6717209.729918262921274 ], [ 456857.673298869631253, 6717210.231977817602456 ], [ 456856.825495753786527, 6717210.784172032028437 ], [ 456856.989913402067032, 6717211.298589680343866 ], [ 456855.727764354262035, 6717212.13644063193351 ], [ 456855.892603908083402, 6717212.651280186139047 ], [ 456855.043844829080626, 6717213.202521107159555 ], [ 456855.187498317274731, 6717213.696174595504999 ], [ 456854.547553096315823, 6717214.106229374185205 ], [ 456846.383133922121488, 6717208.741815540939569 ], [ 456846.800984607252758, 6717208.459670230746269 ], [ 456846.647986445925198, 6717207.956670735031366 ], [ 456847.495766864332836, 6717207.403509876690805 ], [ 456847.331365237710997, 6717206.889196369796991 ], [ 456848.593523631570861, 6717206.05117451865226 ], [ 456848.42864669370465, 6717205.538174793124199 ], [ 456849.27739909698721, 6717204.985216877423227 ], [ 456849.133776317117736, 6717204.49343526083976 ], [ 456849.773697505472228, 6717204.083417866379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717198.415058490820229 ], [ 456828.582593373546842, 6717198.290671131573617 ], [ 456828.452299378404859, 6717197.810740253888071 ], [ 456829.335488651297055, 6717197.294044849462807 ], [ 456829.199957345030271, 6717196.80837819352746 ], [ 456829.642544661066495, 6717196.550978443585336 ], [ 456829.509747729811352, 6717196.068056843243539 ], [ 456830.180113873968367, 6717195.688421986065805 ], [ 456833.096952662977856, 6717197.906336567364633 ], [ 456832.677476773736998, 6717198.186775562353432 ], [ 456832.812757239851635, 6717198.672175190411508 ], [ 456831.97291191626573, 6717199.232316181063652 ], [ 456832.096586976549588, 6717199.706132099032402 ], [ 456831.247403321729507, 6717200.256857655011117 ], [ 456831.389022384188138, 6717200.748585864901543 ], [ 456830.94579344795784, 6717201.005264637060463 ], [ 456831.087457070825621, 6717201.497019550763071 ], [ 456830.235436902556103, 6717202.045021411962807 ], [ 456830.332112012372818, 6717202.489821979776025 ], [ 456829.453437612566631, 6717203.013006184250116 ], [ 456829.592096994398162, 6717203.849826404824853 ], [ 456830.116869435820263, 6717204.374805042520165 ], [ 456830.466793499479536, 6717204.374794361181557 ], [ 456833.09499834588496, 6717206.303933307528496 ], [ 456832.652387080655899, 6717206.56130635458976 ], [ 456832.788819442270324, 6717207.047832843847573 ], [ 456832.346033607027493, 6717207.304976246319711 ], [ 456832.48585523176007, 6717207.794899341650307 ], [ 456831.635990319715347, 6717208.34502942301333 ], [ 456831.745038543245755, 6717208.80418011918664 ], [ 456830.895436320803128, 6717209.354494449682534 ], [ 456831.03705187846208, 6717209.845285389572382 ], [ 456830.593777046713512, 6717210.102877399884164 ], [ 456830.735430155298673, 6717210.593721744604409 ], [ 456829.885762343881652, 6717211.144049427472055 ], [ 456829.994871149538085, 6717211.60316807962954 ], [ 456829.14559111406561, 6717212.153864261694252 ], [ 456829.29901777318446, 6717212.657411167398095 ], [ 456828.864459888252895, 6717212.922848484478891 ], [ 456829.010167745815124, 6717213.418654224835336 ], [ 456828.356382213125471, 6717213.815058491192758 ], [ 456828.356382213125471, 6717198.415058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456953.363483653578442, 6717179.91997563559562 ], [ 456962.940952525648754, 6717188.097604725509882 ], [ 456961.97544044064125, 6717189.231927081942558 ], [ 456962.807181773649063, 6717188.663737842813134 ], [ 456971.670188365445938, 6717195.778902027755976 ], [ 456970.85071967652766, 6717196.359695026651025 ], [ 456971.093865428469144, 6717196.951852772384882 ], [ 456969.45360358763719, 6717198.113262531347573 ], [ 456969.694944224844221, 6717198.70306508243084 ], [ 456968.055013499746565, 6717199.862952778115869 ], [ 456968.295157847867813, 6717200.454074451699853 ], [ 456966.654810557840392, 6717201.613502857275307 ], [ 456966.894346080312971, 6717202.203059742227197 ], [ 456965.253454051504377, 6717203.362194416113198 ], [ 456965.492017589102034, 6717203.950811360031366 ], [ 456963.850281749269925, 6717205.109241077676415 ], [ 456964.086847911356017, 6717205.694984790869057 ], [ 456962.443339000223204, 6717206.851742908358574 ], [ 456962.675429759488907, 6717207.434522602707148 ], [ 456961.028695140383206, 6717208.587168476544321 ], [ 456961.252027354727034, 6717209.160818454809487 ], [ 456960.220099864469375, 6717209.8776466101408 ], [ 456956.43714545777766, 6717206.7958217356354 ], [ 456955.588421092543285, 6717207.347102710977197 ], [ 456955.709224925551098, 6717207.818897221237421 ], [ 456954.453762279066723, 6717208.663421222940087 ], [ 456954.645649180922192, 6717209.204365513287485 ], [ 456952.988073192129377, 6717210.347740147262812 ], [ 456953.196729503164534, 6717210.905491230078042 ], [ 456951.951777110574767, 6717211.76043469645083 ], [ 456952.15654548216844, 6717212.315173694863915 ], [ 456951.120153270254377, 6717213.028829548507929 ], [ 456946.458257518301252, 6717209.064936420880258 ], [ 456947.284433970926329, 6717208.49314496293664 ], [ 456947.07020209840266, 6717207.928573963232338 ], [ 456948.310753856203519, 6717207.069520924240351 ], [ 456948.091822276590392, 6717206.500343677587807 ], [ 456949.742466197523754, 6717205.350656483322382 ], [ 456949.519892344949767, 6717204.778600666671991 ], [ 456950.757261119375471, 6717203.915905353613198 ], [ 456950.529496226808988, 6717203.33823125064373 ], [ 456952.174404368910473, 6717202.182941791601479 ], [ 456951.937827525602188, 6717201.596300861798227 ], [ 456953.57842048216844, 6717200.436877796426415 ], [ 456953.334633861086331, 6717199.843235370703042 ], [ 456954.971274791227188, 6717198.679860278964043 ], [ 456954.7344709711615, 6717198.115977981127799 ], [ 456953.924756846914534, 6717198.681280872784555 ], [ 456944.355320201430004, 6717190.515988513827324 ], [ 456945.572394786344375, 6717189.630403492599726 ], [ 456945.294610057375394, 6717189.002784321084619 ], [ 456947.321721873770002, 6717187.5304408762604 ], [ 456947.045517955324613, 6717186.904066059738398 ], [ 456949.073975596926175, 6717185.432748004794121 ], [ 456948.80054877809016, 6717184.809289142489433 ], [ 456950.831334910879377, 6717183.340176746249199 ], [ 456950.563184581289534, 6717182.722122547216713 ], [ 456952.599140391859692, 6717181.257410786114633 ], [ 456952.341276011953596, 6717180.65060918033123 ], [ 456953.363483653578442, 6717179.91997563559562 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456959.11597846559016, 6717193.374676105566323 ], [ 456958.516350981604774, 6717193.800130328163505 ], [ 456958.250025401590392, 6717193.208920642733574 ], [ 456960.270344005140942, 6717191.728934833779931 ], [ 456959.953167186293285, 6717191.062281391583383 ], [ 456961.870177684293594, 6717189.826712391339242 ], [ 456960.235972056863829, 6717190.994728443212807 ], [ 456960.496399913332425, 6717191.604793140664697 ], [ 456958.859438548563048, 6717192.768210956826806 ], [ 456959.11597846559016, 6717193.374676105566323 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.762917552492581, 6717186.571593830361962 ], [ 456921.276265941152815, 6717192.287046406418085 ], [ 456920.856881175539456, 6717192.567581531591713 ], [ 456920.994198070082348, 6717193.054791614413261 ], [ 456920.157126842008438, 6717193.617875263094902 ], [ 456920.320794139406644, 6717194.131350300274789 ], [ 456919.475156627187971, 6717194.685595295391977 ], [ 456919.658883128664456, 6717195.219594165682793 ], [ 456918.941985545621719, 6717195.90286748111248 ], [ 456919.401339183328673, 6717195.662173054181039 ], [ 456920.046950755582657, 6717196.307731220498681 ], [ 456920.396940074453596, 6717196.307725880295038 ], [ 456921.096886668703519, 6717197.007693836465478 ], [ 456921.446865306410473, 6717197.005552265793085 ], [ 456922.146822581766173, 6717197.705509540624917 ], [ 456922.496811900637113, 6717197.705498859286308 ], [ 456923.196769175992813, 6717198.405450794845819 ], [ 456923.546758494863752, 6717198.405445453710854 ], [ 456924.24671577027766, 6717199.105402729474008 ], [ 456924.596705089090392, 6717199.105397388339043 ], [ 456925.296673045668285, 6717199.80536000430584 ], [ 456925.646662364481017, 6717199.805349323898554 ], [ 456926.346641002164688, 6717200.505322620272636 ], [ 456926.696630321035627, 6717200.505311939865351 ], [ 456927.396598277555313, 6717201.205274555832148 ], [ 456928.975753245817032, 6717202.082336017861962 ], [ 456928.550130687246565, 6717202.356857654638588 ], [ 456928.72936042357469, 6717202.885991260409355 ], [ 456927.465609202859923, 6717203.72218663431704 ], [ 456927.631743846402969, 6717204.238417408429086 ], [ 456926.7843332629418, 6717204.791054889559746 ], [ 456926.958542857668363, 6717205.315200397744775 ], [ 456926.111121592985, 6717205.867837879806757 ], [ 456926.277363048109692, 6717206.38406865298748 ], [ 456925.015491710219067, 6717207.222079822793603 ], [ 456925.181690440687817, 6717207.738406727090478 ], [ 456924.334258494840469, 6717208.291012165136635 ], [ 456924.508510814222973, 6717208.815173694863915 ], [ 456923.661004100344144, 6717209.367808505892754 ], [ 456923.827042613527738, 6717209.883825656957924 ], [ 456922.563964305387344, 6717210.72054707724601 ], [ 456922.713254771719221, 6717211.219987079501152 ], [ 456922.084946666262113, 6717211.641740391030908 ], [ 456912.869729075930081, 6717204.878405353985727 ], [ 456913.287527690408751, 6717204.596203967928886 ], [ 456913.134552226576488, 6717204.093228504061699 ], [ 456913.982358012697659, 6717203.54103429056704 ], [ 456913.817959056410473, 6717203.026635333895683 ], [ 456915.079905162332579, 6717202.188581440597773 ], [ 456914.913797221670393, 6717201.672473499551415 ], [ 456915.762110362527892, 6717201.120786640793085 ], [ 456915.605626140139066, 6717200.614307758398354 ], [ 456916.442387614748441, 6717200.051063892431557 ], [ 456916.285935435793363, 6717199.544611713849008 ], [ 456917.133773265348282, 6717198.992449543438852 ], [ 456916.946521983656567, 6717198.455198261886835 ], [ 456918.196152720949613, 6717197.606698200106621 ], [ 456917.993007884535473, 6717197.053713581524789 ], [ 456918.825432811281644, 6717196.486218616366386 ], [ 456918.242508922121488, 6717196.603380177170038 ], [ 456914.799257884500548, 6717194.207934162579477 ], [ 456914.322819743654691, 6717194.431496021337807 ], [ 456914.377849040494766, 6717194.836525318212807 ], [ 456913.486688457021955, 6717195.345364734530449 ], [ 456913.621548686525784, 6717195.830224964767694 ], [ 456913.177949748525862, 6717196.086626026779413 ], [ 456913.31864188722102, 6717196.577318165451288 ], [ 456912.468512950406875, 6717197.127189228311181 ], [ 456912.578475413785782, 6717197.587151691317558 ], [ 456911.937948070059065, 6717197.996624347753823 ], [ 456906.922271190152969, 6717194.730947468429804 ], [ 456907.34016059449641, 6717194.44883687235415 ], [ 456907.187238536367659, 6717193.945914814248681 ], [ 456908.034980235563125, 6717193.393656513653696 ], [ 456907.870559917006176, 6717192.879236195236444 ], [ 456909.132586131570861, 6717192.041262409649789 ], [ 456908.966350017057266, 6717191.525026295334101 ], [ 456909.813728557142895, 6717190.97240483481437 ], [ 456909.639561687014066, 6717190.448237964883447 ], [ 456910.486924205324613, 6717189.895600482821465 ], [ 456910.320666728483047, 6717189.379343006759882 ], [ 456911.582757030031644, 6717188.541433308273554 ], [ 456911.417914805875625, 6717188.026591083966196 ], [ 456912.266633830557112, 6717187.475310108624399 ], [ 456912.123020396742504, 6717186.981696674600244 ], [ 456912.762917552492581, 6717186.571593830361962 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456856.073790965543594, 6717195.683492634445429 ], [ 456863.189302287588362, 6717199.999019977636635 ], [ 456862.744616542360745, 6717200.254310199990869 ], [ 456862.856926188978832, 6717200.716622516512871 ], [ 456862.425247417006176, 6717200.984874317422509 ], [ 456862.547338328848127, 6717201.457045338116586 ], [ 456862.114158854994457, 6717201.723791096359491 ], [ 456862.228439174185041, 6717202.188095447607338 ], [ 456861.341601787076797, 6717202.701298114843667 ], [ 456861.455964885244612, 6717203.165693257004023 ], [ 456861.023004374990705, 6717203.432577869854867 ], [ 456861.146983180544339, 6717203.904812976717949 ], [ 456860.714014659402892, 6717204.171622822061181 ], [ 456860.82840713072801, 6717204.636050007306039 ], [ 456859.941564403066877, 6717205.14928471762687 ], [ 456860.055719218740705, 6717205.613428852520883 ], [ 456859.622446284804028, 6717205.880126545205712 ], [ 456859.744230113516096, 6717206.351950428448617 ], [ 456859.312735591433011, 6717206.62036244571209 ], [ 456859.426703486940823, 6717207.084346363320947 ], [ 456858.748687968763988, 6717207.456322833895683 ], [ 456857.410019145521801, 6717206.819731495343149 ], [ 456856.710053859220352, 6717206.119784900918603 ], [ 456853.561244807729963, 6717204.719923756085336 ], [ 456852.861274180875625, 6717204.019950458779931 ], [ 456851.633139262674376, 6717203.490747425705194 ], [ 456852.077846370229963, 6717203.235473224893212 ], [ 456851.966519389650784, 6717202.77415425516665 ], [ 456852.399530635389965, 6717202.507291004061699 ], [ 456852.301125178812072, 6717202.058912251144648 ], [ 456853.073658214125317, 6717201.081298420205712 ], [ 456852.973423610208556, 6717200.633021137677133 ], [ 456853.407524333510082, 6717200.367220661602914 ], [ 456853.294018397806212, 6717199.903744098730385 ], [ 456854.180858455190901, 6717199.390509388409555 ], [ 456854.067365870985668, 6717198.927000782452524 ], [ 456854.501426539907698, 6717198.661114856600761 ], [ 456854.401234660646878, 6717198.210930988192558 ], [ 456855.173821101663634, 6717197.233536121435463 ], [ 456855.075866923842113, 6717196.785525867715478 ], [ 456855.508771357999649, 6717196.518470356240869 ], [ 456855.396763453958556, 6717196.055415699258447 ], [ 456856.073790965543594, 6717195.683492634445429 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717207.515058491379023 ], [ 457024.847757945535704, 6717205.201996204443276 ], [ 457025.267014537355863, 6717204.921647999435663 ], [ 457025.130744395719375, 6717204.435666248202324 ], [ 457025.970133433816954, 6717203.874702808447182 ], [ 457025.833265147695784, 6717203.388187000527978 ], [ 457026.672696910391096, 6717202.827250263653696 ], [ 457026.536277232633438, 6717202.34106557071209 ], [ 457026.956174693594221, 6717202.060535785742104 ], [ 457017.848078380106017, 6717196.106711933389306 ], [ 457018.268317637906875, 6717195.827041980810463 ], [ 457018.145698009000625, 6717195.354363605380058 ], [ 457018.997199473844375, 6717194.805854389443994 ], [ 457018.855716929945629, 6717194.314211628399789 ], [ 457019.298813853762113, 6717194.05759160220623 ], [ 457019.157139049086254, 6717193.565826008096337 ], [ 457020.00644019653555, 6717193.015116474591196 ], [ 457019.881769786356017, 6717192.540339252911508 ], [ 457020.7230600695475, 6717191.981837818399072 ], [ 457020.598111949453596, 6717191.506879016757011 ], [ 457021.4475412707543, 6717190.956196186132729 ], [ 457021.3058237414225, 6717190.464334461838007 ], [ 457021.748942027566954, 6717190.20767705142498 ], [ 457021.607181773695629, 6717189.71584737021476 ], [ 457022.456568370340392, 6717189.165191242471337 ], [ 457022.331769786367659, 6717188.69038731791079 ], [ 457023.173124156484846, 6717188.131891224533319 ], [ 457023.048154674062971, 6717187.656911060214043 ], [ 457023.897519908437971, 6717187.106222889386117 ], [ 457023.755845103762113, 6717186.614403888583183 ], [ 457024.198963389906567, 6717186.357714436016977 ], [ 457024.057181773649063, 6717185.865879413671792 ], [ 457024.906611094949767, 6717185.315266010351479 ], [ 457024.781833873305004, 6717184.84047276712954 ], [ 457025.62314551876625, 6717184.281923267990351 ], [ 457025.498218761000317, 6717183.80696446634829 ], [ 457026.34762671997305, 6717183.256249591708183 ], [ 457026.205866466043517, 6717182.764446613378823 ], [ 457026.648237071523909, 6717182.506897327490151 ], [ 457026.502546153555159, 6717182.011163685470819 ], [ 457027.339841685781721, 6717181.448614094406366 ], [ 457027.196436534402892, 6717180.955070087686181 ], [ 457027.856382213125471, 6717180.565058491192758 ], [ 457027.856382213125471, 6717207.515058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456846.277349124429747, 6717191.485970661044121 ], [ 456852.692899165616836, 6717195.801583454012871 ], [ 456852.273439631971996, 6717196.082107898779213 ], [ 456852.409429393301252, 6717196.568100330419838 ], [ 456851.570529017946683, 6717197.129207965917885 ], [ 456851.708136973844375, 6717197.616829273290932 ], [ 456850.867426143202465, 6717198.176099751144648 ], [ 456850.992745433351956, 6717198.651432392187417 ], [ 456850.14344028045889, 6717199.202109882608056 ], [ 456850.285189853224438, 6717199.69384877383709 ], [ 456849.841918025515042, 6717199.950618335977197 ], [ 456849.983189616701566, 6717200.442394611425698 ], [ 456849.134405169985257, 6717200.993040058761835 ], [ 456849.259170375356916, 6717201.468319294042885 ], [ 456848.418438182387035, 6717202.027611133642495 ], [ 456848.556217036733869, 6717202.515387318097055 ], [ 456847.715974841616116, 6717203.075122425332665 ], [ 456847.841790805337951, 6717203.550973102450371 ], [ 456847.201756129739806, 6717203.96097447630018 ], [ 456840.786195407388732, 6717199.645377704873681 ], [ 456841.205668292532209, 6717199.364831898361444 ], [ 456841.069565043959301, 6717198.878748676739633 ], [ 456841.908501468191389, 6717198.317678425461054 ], [ 456841.770869479689281, 6717197.830051776953042 ], [ 456842.611639056704007, 6717197.270791981369257 ], [ 456842.486827121290844, 6717196.795486042276025 ], [ 456843.335607562563382, 6717196.244824573397636 ], [ 456843.194353328261059, 6717195.753075000829995 ], [ 456843.637617145082913, 6717195.49630543962121 ], [ 456843.495875583204906, 6717195.00454518571496 ], [ 456844.345164714322891, 6717194.453857013955712 ], [ 456844.219870791945141, 6717193.97855107486248 ], [ 456845.060576282034162, 6717193.41924321372062 ], [ 456844.922793422243558, 6717192.931499073281884 ], [ 456845.763082347402815, 6717192.371731922030449 ], [ 456845.637315783998929, 6717191.895982716232538 ], [ 456846.277349124429747, 6717191.485970661044121 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456896.67346519039711, 6717180.982141468673944 ], [ 456902.037310252664611, 6717184.945986530743539 ], [ 456901.207657084974926, 6717185.51633336301893 ], [ 456901.409520183107816, 6717186.068196460604668 ], [ 456900.162693248305004, 6717186.921369526535273 ], [ 456900.338996348844375, 6717187.447672626934946 ], [ 456899.062833629141096, 6717188.271509907208383 ], [ 456899.229080424818676, 6717189.137756702490151 ], [ 456906.580816112051252, 6717194.739492390304804 ], [ 456906.157409892592113, 6717195.016086170449853 ], [ 456906.339187083707657, 6717195.547863361425698 ], [ 456905.091713939211331, 6717196.400390217080712 ], [ 456905.263018260477111, 6717196.921694538556039 ], [ 456904.014824138197582, 6717197.773500416427851 ], [ 456904.198262248537503, 6717198.30693852622062 ], [ 456903.354931865236722, 6717198.863608143292367 ], [ 456903.538295207486954, 6717199.396971485577524 ], [ 456902.290133128641173, 6717200.248809406533837 ], [ 456902.461186442873441, 6717200.769862720742822 ], [ 456901.211256633279845, 6717201.619932911358774 ], [ 456901.368007884535473, 6717202.126684162765741 ], [ 456900.740276561293285, 6717202.548952839337289 ], [ 456893.27472251461586, 6717197.183398792520165 ], [ 456893.69263862184016, 6717196.901314899325371 ], [ 456893.539652476785704, 6717196.398328755050898 ], [ 456894.387207255873363, 6717195.845883533358574 ], [ 456894.20144065428758, 6717195.310116931796074 ], [ 456895.453036723600235, 6717194.461713001132011 ], [ 456895.250041423307266, 6717193.908717701211572 ], [ 456896.082455668947659, 6717193.341131947003305 ], [ 456895.499638591310941, 6717193.458314869552851 ], [ 456889.773243175062817, 6717189.481919452548027 ], [ 456890.595392833231017, 6717188.904069110751152 ], [ 456890.362719951139297, 6717188.321396228857338 ], [ 456892.00710471678758, 6717187.165780995041132 ], [ 456891.775660167215392, 6717186.584336444735527 ], [ 456893.422047648928128, 6717185.430723926983774 ], [ 456893.196515117189847, 6717184.855196735821664 ], [ 456894.434236369619612, 6717183.99291264731437 ], [ 456894.211817393777892, 6717183.420493671670556 ], [ 456895.861729655764066, 6717182.270405933260918 ], [ 456895.641025004850235, 6717181.699701283127069 ], [ 456896.67346519039711, 6717180.982141468673944 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456939.01362250855891, 6717188.322277423925698 ], [ 456945.425251231703442, 6717193.336063739843667 ], [ 456944.596383128664456, 6717193.907056782394648 ], [ 456944.805552134988829, 6717194.466060230508447 ], [ 456943.561080394254532, 6717195.321492359042168 ], [ 456943.763584361586254, 6717195.872244617901742 ], [ 456942.515801463625394, 6717196.726448413915932 ], [ 456942.717045054945629, 6717197.275732014328241 ], [ 456941.467190013441723, 6717198.126101276837289 ], [ 456941.666243968473282, 6717198.674941608682275 ], [ 456940.412842784426175, 6717199.521513721905649 ], [ 456940.600905833707657, 6717200.059624835848808 ], [ 456939.351531444059219, 6717200.910229084081948 ], [ 456939.508544383512344, 6717201.417268726974726 ], [ 456938.880706248746719, 6717201.839403889141977 ], [ 456932.113405833719298, 6717196.819940540939569 ], [ 456932.935363231168594, 6717196.243922016583383 ], [ 456932.705633006582502, 6717195.663935444317758 ], [ 456934.350904307852034, 6717194.509425709024072 ], [ 456934.120437083707657, 6717193.929620716720819 ], [ 456935.767139659437817, 6717192.776173755526543 ], [ 456935.541745982656721, 6717192.200715992599726 ], [ 456936.779242930875625, 6717191.338325092568994 ], [ 456936.555964122293517, 6717190.764731190167367 ], [ 456938.205262218019925, 6717189.613521930761635 ], [ 456937.982090220961254, 6717189.041327259503305 ], [ 456939.01362250855891, 6717188.322277423925698 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457016.698081431852188, 6717158.206811115145683 ], [ 457025.55722144653555, 6717164.270116779953241 ], [ 457025.137836680922192, 6717164.550619862042367 ], [ 457025.274149547098204, 6717165.036767169833183 ], [ 457024.435102305898909, 6717165.597880146466196 ], [ 457024.573914561769925, 6717166.086580250412226 ], [ 457023.735315928934142, 6717166.648163196630776 ], [ 457023.891239390883129, 6717167.153995868749917 ], [ 457023.042942271742504, 6717167.70565602555871 ], [ 457023.208884654508438, 6717168.221892139874399 ], [ 457021.94712012814125, 6717169.059833881445229 ], [ 457022.113361583265942, 6717169.576048634015024 ], [ 457021.265021739469375, 6717170.127746174111962 ], [ 457021.421030650613829, 6717170.633760426193476 ], [ 457020.5827951770043, 6717171.195466205477715 ], [ 457020.722995982680004, 6717171.685763142071664 ], [ 457019.883243785414379, 6717172.245941516943276 ], [ 457020.022995982668363, 6717172.735741779208183 ], [ 457019.1832651476725, 6717173.295904133468866 ], [ 457019.323594127199613, 6717173.784427997656167 ], [ 457018.485230479738675, 6717174.347848102450371 ], [ 457018.641111217031721, 6717174.851998493075371 ], [ 457017.792899547086563, 6717175.403615925461054 ], [ 457017.958820567640942, 6717175.919809315353632 ], [ 457016.696927867422346, 6717176.757735035382211 ], [ 457016.863233409414534, 6717177.274056598544121 ], [ 457016.014957652601879, 6717177.825711414217949 ], [ 457016.170902476820629, 6717178.331645557656884 ], [ 457015.332688365480863, 6717178.893388722091913 ], [ 457015.472825084230863, 6717179.383658954873681 ], [ 457014.633201060758438, 6717179.943869373761117 ], [ 457014.772867808816954, 6717180.433701679110527 ], [ 457013.933179698477034, 6717180.993885395117104 ], [ 457014.07284644653555, 6717181.483653614297509 ], [ 457013.233158336195629, 6717182.043874714523554 ], [ 457013.373380504141096, 6717182.534176990389824 ], [ 457012.535145030531567, 6717183.095888111740351 ], [ 457012.690983043226879, 6717183.601779529824853 ], [ 457011.842835460207425, 6717184.153541157022119 ], [ 457012.008713756105863, 6717184.669686481356621 ], [ 457010.746756968961563, 6717185.507596179842949 ], [ 457010.913105235609692, 6717186.023907062597573 ], [ 457010.064914927992504, 6717186.575631305575371 ], [ 457010.220539317640942, 6717187.081394550390542 ], [ 457009.382303843973204, 6717187.643062946386635 ], [ 457009.520987925992813, 6717188.131811115890741 ], [ 457008.680915294156875, 6717188.691653034649789 ], [ 457008.806525645719375, 6717189.167252704501152 ], [ 457008.166126475844067, 6717189.577184651046991 ], [ 456999.303130565152969, 6717183.861753437668085 ], [ 456999.722686229215469, 6717183.581357166171074 ], [ 456999.586693797609769, 6717183.095391437411308 ], [ 457000.425580821523909, 6717182.534331867471337 ], [ 457000.287462840555236, 6717182.046187183819711 ], [ 457001.127385936270002, 6717181.486136982217431 ], [ 457000.987687144777738, 6717180.998291370458901 ], [ 457001.827450023207348, 6717180.438091632910073 ], [ 457001.687697825895157, 6717179.948323413729668 ], [ 457002.527471385488752, 6717179.38809697329998 ], [ 457002.387697825906798, 6717178.8983607981354 ], [ 457003.227439342008438, 6717178.338118336163461 ], [ 457003.08769782591844, 6717177.848382160067558 ], [ 457003.92746070434805, 6717177.288075610995293 ], [ 457003.787729869363829, 6717176.798387501388788 ], [ 457004.627471385465469, 6717176.238139698281884 ], [ 457004.487740550539456, 6717175.748408863320947 ], [ 457005.327514110074844, 6717175.188145038671792 ], [ 457005.187751231656875, 6717174.698419544845819 ], [ 457006.027524791250471, 6717174.138145038858056 ], [ 457005.887227855215315, 6717173.64790684916079 ], [ 457006.725527415750548, 6717173.0861049387604 ], [ 457006.569486461172346, 6717172.580213520675898 ], [ 457007.41783698607469, 6717172.028494617901742 ], [ 457007.251627574441954, 6717171.512306568212807 ], [ 457008.517621837148909, 6717170.67434346396476 ], [ 457008.3515940051293, 6717170.158251545391977 ], [ 457009.199698863492813, 6717169.606452533975244 ], [ 457009.043946300051175, 6717169.100550434552133 ], [ 457009.882117686735, 6717168.538780567236245 ], [ 457009.741980967985, 6717168.04855839908123 ], [ 457010.581604991457425, 6717167.488289234228432 ], [ 457010.442002330324613, 6717166.99856374040246 ], [ 457011.2816477160668, 6717166.438299915753305 ], [ 457011.141980968008284, 6717165.948553059250116 ], [ 457011.981626353750471, 6717165.388326618820429 ], [ 457011.841980968019925, 6717164.898563739843667 ], [ 457012.681647716031875, 6717164.338321277871728 ], [ 457012.542066417227034, 6717163.848606464453042 ], [ 457013.38156226684805, 6717163.288310596719384 ], [ 457013.242066417238675, 6717162.800464984960854 ], [ 457014.08151954220375, 6717162.240345356054604 ], [ 457013.942002330324613, 6717161.750497028231621 ], [ 457014.781669078336563, 6717161.190356037579477 ], [ 457014.642151866457425, 6717160.700646564364433 ], [ 457015.481946788320784, 6717160.140601703897119 ], [ 457015.343754039320629, 6717159.652280781418085 ], [ 457016.183848033426329, 6717159.092577717266977 ], [ 457016.05795997189125, 6717158.616678974591196 ], [ 457016.698081431852188, 6717158.206811115145683 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.12502463866258, 6717167.683700916357338 ], [ 456886.64049323607469, 6717173.749169513583183 ], [ 456886.217006907972973, 6717174.025683186016977 ], [ 456886.398762736818753, 6717174.557439014315605 ], [ 456885.151230845949613, 6717175.409907124005258 ], [ 456885.322551188932266, 6717175.931227467022836 ], [ 456884.074373088369612, 6717176.783049366436899 ], [ 456884.257736430678051, 6717177.316412708722055 ], [ 456883.414454112527892, 6717177.873130390420556 ], [ 456883.597972331510391, 6717178.406648609787226 ], [ 456882.350600657926407, 6717179.259276935830712 ], [ 456882.540281901834533, 6717179.798958179540932 ], [ 456881.281844554410782, 6717180.640520832501352 ], [ 456881.471584544691723, 6717181.180260822176933 ], [ 456880.224164805898909, 6717182.032841083593667 ], [ 456880.40757621335797, 6717182.566252491436899 ], [ 456879.564331279310863, 6717183.123007557354867 ], [ 456879.747833476576488, 6717183.656509754247963 ], [ 456878.499601970193908, 6717184.508278247900307 ], [ 456878.67069266847102, 6717185.029368946328759 ], [ 456877.420714793668594, 6717185.879391071386635 ], [ 456877.577508769521955, 6717186.386185047216713 ], [ 456876.949772105726879, 6717186.808448383584619 ], [ 456875.261178050539456, 6717185.469854328781366 ], [ 456874.911194072279613, 6717185.469870350323617 ], [ 456873.861247477994766, 6717184.419923756271601 ], [ 456868.96358665038133, 6717181.272262928076088 ], [ 456867.91365340759512, 6717179.872327014803886 ], [ 456867.563661418447737, 6717179.87234303727746 ], [ 456866.864761577162426, 6717179.172369739972055 ], [ 456866.514769588015042, 6717179.172375080175698 ], [ 456865.81480964232469, 6717178.472407124005258 ], [ 456865.46482032345375, 6717178.472417805343866 ], [ 456859.687953792104963, 6717174.445553943514824 ], [ 456860.107664332899731, 6717174.165387317538261 ], [ 456859.966277919302229, 6717173.673979542218149 ], [ 456860.804238353273831, 6717173.111953327432275 ], [ 456860.648563228140119, 6717172.606275532394648 ], [ 456861.497909770521801, 6717172.055672809481621 ], [ 456861.331476054678205, 6717171.539313862100244 ], [ 456862.595173869631253, 6717170.702862140722573 ], [ 456862.428059230325744, 6717170.18759801145643 ], [ 456863.276877055643126, 6717169.634720203466713 ], [ 456863.121706614969298, 6717169.131306812167168 ], [ 456863.961159739992581, 6717168.570840045809746 ], [ 456863.836150203249417, 6717168.095811817795038 ], [ 456864.478541408083402, 6717167.688283130526543 ], [ 456871.414820323465392, 6717172.522417805157602 ], [ 456871.764809642336331, 6717172.522407123818994 ], [ 456872.464769588026684, 6717173.222375079989433 ], [ 456872.81476157711586, 6717173.22236973978579 ], [ 456873.34582847164711, 6717173.754504749551415 ], [ 456873.101649318239652, 6717174.210312244482338 ], [ 456873.729735789762344, 6717173.788412068039179 ], [ 456873.580920634733047, 6717173.289596912451088 ], [ 456874.844111094949767, 6717172.45278737321496 ], [ 456874.662526164553128, 6717171.921202442608774 ], [ 456875.508414683805313, 6717171.367090961895883 ], [ 456875.326904521498363, 6717170.835580799728632 ], [ 456876.575130687269848, 6717169.983806964941323 ], [ 456876.404050670156721, 6717169.462726947851479 ], [ 456877.654001842020079, 6717168.612678119912744 ], [ 456877.497320018301252, 6717168.105996295809746 ], [ 456878.12502463866258, 6717167.683700916357338 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456924.673288951395079, 6717157.881965229287744 ], [ 456932.142298350809142, 6717163.953094837255776 ], [ 456931.535363231203519, 6717164.746106311678886 ], [ 456932.367136607645079, 6717164.177890369668603 ], [ 456939.834543834207579, 6717169.89108922239393 ], [ 456939.009446177980863, 6717170.467673847451806 ], [ 456939.234092174039688, 6717171.043233081698418 ], [ 456937.993422923551407, 6717171.902531787753105 ], [ 456938.207080384076107, 6717172.460222071036696 ], [ 456939.240137706277892, 6717171.747056934982538 ], [ 456939.029644237074535, 6717171.186333820223808 ], [ 456940.068279490980785, 6717170.474803516641259 ], [ 456947.179918895242736, 6717176.188568470068276 ], [ 456946.364979014906567, 6717176.774274799972773 ], [ 456946.628728709707502, 6717177.387437030673027 ], [ 456944.594834361574613, 6717178.85336110368371 ], [ 456944.861179576430004, 6717179.469909260049462 ], [ 456942.826761851785704, 6717180.93540074583143 ], [ 456943.089090953348204, 6717181.547404072247446 ], [ 456941.048627696523909, 6717183.007245227694511 ], [ 456941.302347789285704, 6717183.611627552658319 ], [ 456940.279851756582502, 6717184.338469288311899 ], [ 456936.846865306375548, 6717181.605552265420556 ], [ 456936.496886668668594, 6717181.607693836092949 ], [ 456935.446961436769925, 6717180.557741901837289 ], [ 456935.096982799062971, 6717180.557747242040932 ], [ 456934.047057567106094, 6717179.507795307785273 ], [ 456933.697078929457348, 6717179.507805988192558 ], [ 456933.160543284902815, 6717178.967254230752587 ], [ 456933.767617259523831, 6717178.174173329025507 ], [ 456932.935790477262344, 6717178.742506763897836 ], [ 456925.4684152941918, 6717173.027070209383965 ], [ 456926.293042979727034, 6717172.451895496807992 ], [ 456926.077886861399747, 6717171.899343427270651 ], [ 456925.048421702871565, 6717172.607567951083183 ], [ 456925.260528026090469, 6717173.169599507004023 ], [ 456923.606006846937817, 6717174.315030261874199 ], [ 456923.819491038797423, 6717174.878685352392495 ], [ 456922.784754405496642, 6717175.593403980135918 ], [ 456915.323120341810863, 6717169.531796619296074 ], [ 456916.146215281973127, 6717168.954891559667885 ], [ 456915.917264781484846, 6717168.375941059552133 ], [ 456917.56415961793391, 6717167.222835895605385 ], [ 456917.338472209463362, 6717166.64714848715812 ], [ 456918.575483165273909, 6717165.784282276406884 ], [ 456918.350089488492813, 6717165.209128925576806 ], [ 456919.997251353750471, 6717164.056434986181557 ], [ 456919.769433055422269, 6717163.478312275372446 ], [ 456921.417278514418285, 6717162.32595479208976 ], [ 456921.193551097414456, 6717161.752227375283837 ], [ 456922.431838450895157, 6717160.890514728613198 ], [ 456922.210354075941723, 6717160.319030353799462 ], [ 456923.86068824341055, 6717159.169364521279931 ], [ 456923.640645823965315, 6717158.599322102032602 ], [ 456924.673288951395079, 6717157.881965229287744 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456928.338045726297423, 6717169.596700642257929 ], [ 456927.722707410284784, 6717170.019819673150778 ], [ 456927.501305614016019, 6717169.460222218185663 ], [ 456929.149054942594375, 6717168.307944843545556 ], [ 456928.909060130594298, 6717167.717832539230585 ], [ 456930.141163096937817, 6717166.849855396896601 ], [ 456929.891950450430159, 6717166.250551960431039 ], [ 456931.320159373746719, 6717165.230934497900307 ], [ 456930.186429820547346, 6717166.196462605148554 ], [ 456930.4015268664225, 6717166.760085651651025 ], [ 456929.156649241922423, 6717167.61535756289959 ], [ 456929.370133433840238, 6717168.17872960306704 ], [ 456928.124967418203596, 6717169.033558246679604 ], [ 456928.338045726297423, 6717169.596700642257929 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.415384898660704, 6717175.024061176925898 ], [ 456917.783096538099926, 6717178.991772815585136 ], [ 456917.340432200930081, 6717179.249108478426933 ], [ 456917.475052104506176, 6717179.733728382736444 ], [ 456917.032104716810863, 6717179.990780994296074 ], [ 456917.171963725588284, 6717180.480640003457665 ], [ 456916.322219310270157, 6717181.030895587988198 ], [ 456916.431327281461563, 6717181.490003559738398 ], [ 456915.581219707033597, 6717182.039895985275507 ], [ 456915.720234904787503, 6717182.528911182656884 ], [ 456915.277773509500548, 6717182.786449787206948 ], [ 456915.410700450418517, 6717183.26937672868371 ], [ 456914.740378032205626, 6717183.649054310284555 ], [ 456909.02474387694383, 6717179.683420155197382 ], [ 456909.442734752199613, 6717179.401411030441523 ], [ 456909.289700541994534, 6717178.898376819677651 ], [ 456910.137490306398831, 6717178.346166584640741 ], [ 456909.973080668947659, 6717177.831756946630776 ], [ 456911.235235057363752, 6717176.993911335244775 ], [ 456911.070387492654845, 6717176.479063770733774 ], [ 456911.919138560770079, 6717175.927814838476479 ], [ 456911.775503764627501, 6717175.43418004270643 ], [ 456912.415384898660704, 6717175.024061176925898 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717175.665058490820229 ], [ 457022.74850562622305, 6717172.309323474764824 ], [ 457023.16806129028555, 6717172.028900501318276 ], [ 457023.032731090090238, 6717171.543500874191523 ], [ 457023.872654185805004, 6717170.98331181704998 ], [ 457023.748795543215238, 6717170.509527943097055 ], [ 457024.597861705289688, 6717169.958818409591913 ], [ 457024.456357799062971, 6717169.467084858566523 ], [ 457024.899668345926329, 6717169.210368702188134 ], [ 457024.757737193605863, 6717168.718576405197382 ], [ 457025.607572398672346, 6717168.168347522616386 ], [ 457025.498517833242659, 6717167.709399769082665 ], [ 457026.352091441629454, 6717167.162845203652978 ], [ 457026.2771311145043, 6717166.738018390722573 ], [ 457026.701066051027738, 6717166.462086841464043 ], [ 457026.5044260363793, 6717165.217417499981821 ], [ 457026.975464854738675, 6717164.987484333105385 ], [ 457026.722577891836409, 6717163.684768268838525 ], [ 457027.185477672086563, 6717163.797288868576288 ], [ 457026.932782969961409, 6717162.494578144513071 ], [ 457027.401301036356017, 6717162.264164325781167 ], [ 457027.212778697488829, 6717159.617652485147119 ], [ 457027.759760509012267, 6717159.464185688644648 ], [ 457027.563163218961563, 6717158.217759296298027 ], [ 457027.856382213125471, 6717158.165058490820229 ], [ 457027.856382213125471, 6717175.665058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456858.881040797743481, 6717161.040777180343866 ], [ 456865.296544108889066, 6717165.706336567178369 ], [ 456864.878766856680159, 6717165.988457843661308 ], [ 456865.032655559072737, 6717166.492351886816323 ], [ 456864.184569392702542, 6717167.044231006875634 ], [ 456864.35276015807176, 6717167.562453815713525 ], [ 456863.089313350210432, 6717168.399023029953241 ], [ 456863.256638942228165, 6717168.916311237961054 ], [ 456862.408739696023986, 6717169.468377277255058 ], [ 456862.584741054044571, 6717169.994381305761635 ], [ 456861.736363826261368, 6717170.54598805680871 ], [ 456861.902989802823868, 6717171.060659382492304 ], [ 456860.639035640226211, 6717171.898729298263788 ], [ 456860.804807124601211, 6717172.412578174844384 ], [ 456859.955607448122464, 6717172.963341114111245 ], [ 456860.098168788419571, 6717173.455833027139306 ], [ 456859.455953822645824, 6717173.863559314981103 ], [ 456853.040405116567854, 6717169.547989246435463 ], [ 456853.459832606778946, 6717169.267608997412026 ], [ 456853.323733363649808, 6717168.782738086767495 ], [ 456854.162636409280822, 6717168.220434162765741 ], [ 456854.024563823244534, 6717167.734147999435663 ], [ 456854.864425502310041, 6717167.174108479171991 ], [ 456854.724780116579495, 6717166.684393665753305 ], [ 456855.564489589247387, 6717166.124177906662226 ], [ 456855.424798808584455, 6717165.63443639036268 ], [ 456856.264510951528791, 6717165.074177905917168 ], [ 456856.124798808596097, 6717164.584452412091196 ], [ 456856.964532313810196, 6717164.024193927645683 ], [ 456856.824897609243635, 6717163.534575245343149 ], [ 456857.664756618032698, 6717162.974418232217431 ], [ 456857.526531825540587, 6717162.486182758584619 ], [ 456858.366729960951488, 6717161.926383564248681 ], [ 456858.241036830411758, 6717161.450612995773554 ], [ 456858.881040797743481, 6717161.040777180343866 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456893.973227153299376, 6717160.08187672868371 ], [ 456900.647719035623595, 6717167.45639531314373 ], [ 456894.347302470705472, 6717172.705978748388588 ], [ 456887.674621043668594, 6717165.3332973215729 ], [ 456893.973227153299376, 6717160.08187672868371 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456986.253507457266096, 6717149.462183735333383 ], [ 456995.120968089613598, 6717155.529644367285073 ], [ 456994.701391063223127, 6717155.810067340731621 ], [ 456994.838280711672269, 6717156.296956989914179 ], [ 456994.000835643324535, 6717156.859511921182275 ], [ 456994.154868541227188, 6717157.363544818945229 ], [ 456993.3065500598168, 6717157.915226337499917 ], [ 456993.472663341031875, 6717158.431339618749917 ], [ 456992.210706553945784, 6717159.269382831640542 ], [ 456992.376883922086563, 6717159.785560199990869 ], [ 456991.528522716078442, 6717160.337198994122446 ], [ 456991.68449958373094, 6717160.843175861984491 ], [ 456990.846232066629454, 6717161.40490834414959 ], [ 456990.986571727262344, 6717161.89524800516665 ], [ 456990.14684089232469, 6717162.455517170019448 ], [ 456990.287095103762113, 6717162.943731281906366 ], [ 456989.448795543226879, 6717163.505501148290932 ], [ 456989.604740367445629, 6717164.0113979075104 ], [ 456988.756411204813048, 6717164.563148853369057 ], [ 456988.922513804922346, 6717165.079214069992304 ], [ 456987.660653148195706, 6717165.917225238867104 ], [ 456987.826734385977034, 6717166.433375904336572 ], [ 456986.978245006117504, 6717166.985078785568476 ], [ 456987.132726512441877, 6717167.489410755224526 ], [ 456986.293700633512344, 6717168.050464984960854 ], [ 456986.420165477262344, 6717168.526945850811899 ], [ 456985.780343089601956, 6717168.936920520849526 ], [ 456976.91281837032875, 6717162.871494648046792 ], [ 456977.332331309793517, 6717162.591007587499917 ], [ 456977.195644603285473, 6717162.104320880956948 ], [ 456978.033078990469221, 6717161.541755268350244 ], [ 456977.879078136000317, 6717161.037754413671792 ], [ 456978.727300487051252, 6717160.485976764932275 ], [ 456978.561176524672192, 6717159.969852802343667 ], [ 456979.823133311758284, 6717159.131809589453042 ], [ 456979.657073436246719, 6717158.61574971396476 ], [ 456980.505349193117581, 6717158.064025470986962 ], [ 456980.349415050062817, 6717157.558091327548027 ], [ 456981.187671886000317, 6717156.996348164044321 ], [ 456981.047439036832657, 6717156.506115314550698 ], [ 456981.887095103738829, 6717155.945771381258965 ], [ 456981.746915660391096, 6717155.455591938458383 ], [ 456982.585108409402892, 6717154.893784686923027 ], [ 456982.429195628676098, 6717154.387871906161308 ], [ 456983.277417979727034, 6717153.836094257421792 ], [ 456983.111272655020002, 6717153.319948933087289 ], [ 456984.373165355238598, 6717152.481841633096337 ], [ 456984.207169566652738, 6717151.965845844708383 ], [ 456985.055584178480785, 6717151.414260456338525 ], [ 456984.901209483621642, 6717150.909885761328042 ], [ 456985.740192637953442, 6717150.348868915811181 ], [ 456985.613578258024063, 6717149.87225453555584 ], [ 456986.253507457266096, 6717149.462183735333383 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456874.979516063234769, 6717157.18600270524621 ], [ 456881.74301932862727, 6717162.553762409836054 ], [ 456881.323554454313125, 6717162.834228107705712 ], [ 456881.4596323351725, 6717163.318308613263071 ], [ 456880.620681224332657, 6717163.879357501864433 ], [ 456880.758729777822737, 6717164.36740605533123 ], [ 456879.918726573465392, 6717164.927402851171792 ], [ 456880.056935344240628, 6717165.415611621923745 ], [ 456879.216675792238675, 6717165.975352070294321 ], [ 456879.342521129117813, 6717166.451197407208383 ], [ 456878.702442393812817, 6717166.861118671484292 ], [ 456871.584052501188125, 6717161.491628620773554 ], [ 456872.413257060514297, 6717160.920945331454277 ], [ 456872.211228404543363, 6717160.36898610368371 ], [ 456873.456575999734923, 6717159.5150600168854 ], [ 456873.259786448965315, 6717158.966465351171792 ], [ 456874.509000621328596, 6717158.115636799484491 ], [ 456874.351667247305159, 6717157.608356830663979 ], [ 456874.979516063234769, 6717157.18600270524621 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456851.885743175051175, 6717150.895540974102914 ], [ 456859.350157008680981, 6717155.908793232403696 ], [ 456858.930708156141918, 6717156.189344380050898 ], [ 456859.066673884866759, 6717156.675347492098808 ], [ 456858.227797542116605, 6717157.236481830477715 ], [ 456858.365896831033751, 6717157.72451436240226 ], [ 456857.52601913025137, 6717158.284698078408837 ], [ 456857.665640483377501, 6717158.774311420507729 ], [ 456856.826024470792618, 6717159.334666035138071 ], [ 456856.965656505140942, 6717159.824311420321465 ], [ 456856.125971065077465, 6717160.38464467227459 ], [ 456856.265632472524885, 6717160.874300739727914 ], [ 456855.426005778776016, 6717161.43467671610415 ], [ 456855.565613780519925, 6717161.92430073954165 ], [ 456854.725984416494612, 6717162.484655354171991 ], [ 456854.865544353029691, 6717162.974204609170556 ], [ 456854.025690684793517, 6717163.534382984042168 ], [ 456854.163915477285627, 6717164.022613117471337 ], [ 456853.323706660768948, 6717164.582406971603632 ], [ 456853.449527965101879, 6717165.058236286044121 ], [ 456852.809523997770157, 6717165.468232318758965 ], [ 456845.344048724684399, 6717160.45486256852746 ], [ 456845.763557658705395, 6717160.174247333779931 ], [ 456845.627376971708145, 6717159.687913104891777 ], [ 456846.466318736551329, 6717159.127003070898354 ], [ 456846.328186069033109, 6717158.638746235519648 ], [ 456847.168095813307445, 6717158.078744098544121 ], [ 456847.028858981619123, 6717157.589002583175898 ], [ 456847.868149219022598, 6717157.028786823153496 ], [ 456847.728884349344298, 6717156.53900258243084 ], [ 456848.568632541166153, 6717155.97878682333976 ], [ 456848.428875003359281, 6717155.489013263955712 ], [ 456849.26863387634512, 6717154.928808186203241 ], [ 456849.128884349367581, 6717154.439045307226479 ], [ 456849.968667254957836, 6717153.878797505050898 ], [ 456849.829051242384594, 6717153.3892055246979 ], [ 456850.668895564565901, 6717152.829075214453042 ], [ 456850.53065341518959, 6717152.340839740820229 ], [ 456851.371365581057034, 6717151.7810512278229 ], [ 456851.245635066530667, 6717151.305344745516777 ], [ 456851.885743175051175, 6717150.895540974102914 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456839.638820682070218, 6717147.045840046368539 ], [ 456849.203157077310607, 6717153.81346089579165 ], [ 456848.783781657693908, 6717154.093926593661308 ], [ 456848.919679294107482, 6717154.579865619540215 ], [ 456848.080750880704727, 6717155.140871784649789 ], [ 456848.218871531949844, 6717155.629064533859491 ], [ 456847.378971133730374, 6717156.189141437411308 ], [ 456847.518635211454239, 6717156.678808186203241 ], [ 456846.678873668191954, 6717157.239013263955712 ], [ 456846.818632541166153, 6717157.72878682333976 ], [ 456845.978884349344298, 6717158.28900258243084 ], [ 456846.118150554189924, 6717158.778786823153496 ], [ 456845.278868327615783, 6717159.339013263583183 ], [ 456845.418015704664867, 6717159.828647968359292 ], [ 456844.578192744753323, 6717160.388703510165215 ], [ 456844.716416202078108, 6717160.877152606844902 ], [ 456843.876244769606274, 6717161.436738178133965 ], [ 456844.002092776761856, 6717161.912498066201806 ], [ 456843.362062106607482, 6717162.322686359286308 ], [ 456833.447950683126692, 6717155.555311176925898 ], [ 456833.873327575216535, 6717155.280965778976679 ], [ 456833.694295773981139, 6717154.751714680343866 ], [ 456834.957746921048965, 6717153.915209553204477 ], [ 456834.777792201552074, 6717153.38522145524621 ], [ 456835.626297603128478, 6717152.833806965500116 ], [ 456835.446796165022533, 6717152.303925678133965 ], [ 456836.708170161757153, 6717151.465594074688852 ], [ 456836.542141662153881, 6717150.949288532137871 ], [ 456837.389494834409561, 6717150.396741840988398 ], [ 456837.215378699766006, 6717149.872574970126152 ], [ 456838.062740550551098, 6717149.319953510537744 ], [ 456837.896983085141983, 6717148.803882953710854 ], [ 456839.159967265615705, 6717147.967110797762871 ], [ 456839.010802302858792, 6717147.467756245285273 ], [ 456839.638820682070218, 6717147.045840046368539 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.163464580080472, 6717145.021815082989633 ], [ 456917.46112388180336, 6717149.971845600754023 ], [ 456914.76313422730891, 6717152.172504779882729 ], [ 456915.282985911879223, 6717153.043520710431039 ], [ 456909.370540843519848, 6717157.629441425204277 ], [ 456909.865735087892972, 6717158.474406025372446 ], [ 456906.956296000978909, 6717160.815116474404931 ], [ 456901.658978496096097, 6717155.867606708779931 ], [ 456904.357299266324844, 6717153.665932819247246 ], [ 456903.837153850065079, 6717152.795846149325371 ], [ 456909.748995433328673, 6717148.207693073898554 ], [ 456909.252925334440079, 6717147.361585590988398 ], [ 456912.163464580080472, 6717145.021815082989633 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456876.036122355959378, 6717149.847036335617304 ], [ 456883.499198375211563, 6717155.907970783300698 ], [ 456882.670282207021955, 6717156.47891042008996 ], [ 456882.880129466531798, 6717157.038752338849008 ], [ 456881.635412059316877, 6717157.894066974520683 ], [ 456881.837702403543517, 6717158.446389362215996 ], [ 456880.588878093229141, 6717159.297559712082148 ], [ 456880.785502086160704, 6717159.844231769442558 ], [ 456879.749216685770079, 6717160.557882282882929 ], [ 456871.931497035489883, 6717154.492258808575571 ], [ 456873.146288524148986, 6717153.605231830850244 ], [ 456872.863646541140042, 6717152.97207448258996 ], [ 456874.890718303213362, 6717151.499015400186181 ], [ 456874.616586528311018, 6717150.875022480264306 ], [ 456876.036122355959378, 6717149.847036335617304 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457000.253016124246642, 6717149.111692402511835 ], [ 457005.970412669645157, 6717153.429088947363198 ], [ 457005.149694285879377, 6717154.008370563387871 ], [ 457005.38715766480891, 6717154.595833942294121 ], [ 457003.744097362039611, 6717155.75277363974601 ], [ 457003.976465831277892, 6717156.335142109543085 ], [ 457002.329485545633361, 6717157.488161823712289 ], [ 457002.552839122305159, 6717158.061515400186181 ], [ 457001.520238719473127, 6717158.77891499735415 ], [ 456996.162529979250394, 6717154.471206257119775 ], [ 456996.585759959707502, 6717154.194436237215996 ], [ 456996.40388129762141, 6717153.662557575851679 ], [ 456997.650724254141096, 6717152.809400532394648 ], [ 456997.462533031008206, 6717152.271198627538979 ], [ 456998.721071849344298, 6717151.429748127236962 ], [ 456998.533040843496565, 6717150.891717121005058 ], [ 456999.782436595472973, 6717150.041112873703241 ], [ 456999.62529548216844, 6717149.533971760421991 ], [ 457000.253016124246642, 6717149.111692402511835 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456897.23194526246516, 6717129.390642902813852 ], [ 456903.460755382082425, 6717135.969420978799462 ], [ 456901.425557933340315, 6717137.434287616983056 ], [ 456901.690995250246488, 6717138.049682209268212 ], [ 456907.673765025625471, 6717144.380465290509164 ], [ 456892.859028087172192, 6717157.917747089639306 ], [ 456886.95170463132672, 6717152.010439655743539 ], [ 456891.272791514871642, 6717148.631339618936181 ], [ 456890.841021953092422, 6717147.849703571759164 ], [ 456888.741128764639143, 6717145.749810382723808 ], [ 456888.741139445803128, 6717145.399821064434946 ], [ 456886.241322551271878, 6717142.898134968243539 ], [ 456894.466883311746642, 6717135.375495502725244 ], [ 456899.012803111574613, 6717139.921447345986962 ], [ 456899.242704234609846, 6717139.801316425204277 ], [ 456892.902190623746719, 6717133.112789508886635 ], [ 456897.23194526246516, 6717129.390642902813852 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456871.552105174574535, 6717125.760685321874917 ], [ 456878.278726420889143, 6717132.135357257910073 ], [ 456875.214640269754454, 6717134.673134967684746 ], [ 456875.76939261960797, 6717135.577914020977914 ], [ 456869.493638835439924, 6717141.201252338476479 ], [ 456871.55655654479051, 6717139.765053912997246 ], [ 456878.617132030020002, 6717146.127848408184946 ], [ 456876.265430675062817, 6717147.974010822363198 ], [ 456876.688607249758206, 6717148.74717671610415 ], [ 456872.361859355471097, 6717152.120594379492104 ], [ 456872.776042399869766, 6717152.884681293740869 ], [ 456870.614564357267227, 6717154.573328754864633 ], [ 456865.470916591177229, 6717149.779584858566523 ], [ 456864.996118007169571, 6717150.004754230380058 ], [ 456865.052672038553283, 6717150.411396381445229 ], [ 456864.196494899282698, 6717150.955131122842431 ], [ 456864.317843471071683, 6717151.42647969443351 ], [ 456863.476991115079727, 6717151.985659382306039 ], [ 456863.61571258114418, 6717152.474364826455712 ], [ 456862.776011119363829, 6717153.034687397070229 ], [ 456862.915547023294494, 6717153.524225971661508 ], [ 456862.07576278259512, 6717154.084463093429804 ], [ 456862.213987575087231, 6717154.572634479962289 ], [ 456861.373778758512344, 6717155.132422992959619 ], [ 456861.49965880921809, 6717155.608332416974008 ], [ 456860.859628139005508, 6717156.018296405673027 ], [ 456859.17200873902766, 6717154.67962758243084 ], [ 456858.822019420156721, 6717154.679638263769448 ], [ 456857.77207816648297, 6717153.629680988378823 ], [ 456857.422086177335586, 6717153.629691669717431 ], [ 456856.372139583108947, 6717152.579723712988198 ], [ 456854.973258433805313, 6717151.879777118563652 ], [ 456853.92331718018977, 6717150.834092304110527 ], [ 456851.995224986574613, 6717149.604980060830712 ], [ 456852.420724711904768, 6717149.330378315411508 ], [ 456852.241561732778791, 6717148.801212665624917 ], [ 456853.50536101864418, 6717147.965070698410273 ], [ 456853.339148936735, 6717147.44881856162101 ], [ 456854.186447368178051, 6717146.89620778337121 ], [ 456854.012419353006408, 6717146.372040912508965 ], [ 456854.859677730069961, 6717145.819366047158837 ], [ 456854.693703303812072, 6717145.303359577432275 ], [ 456855.95700858643977, 6717144.466704914346337 ], [ 456855.80763534118887, 6717143.967275593429804 ], [ 456856.435831294569653, 6717143.545583698898554 ], [ 456863.372067485353909, 6717148.379680988378823 ], [ 456863.722059474501293, 6717148.379659626632929 ], [ 456864.368779216310941, 6717149.026414081454277 ], [ 456864.598672328458633, 6717148.906272480264306 ], [ 456863.495878062734846, 6717147.803571674972773 ], [ 456867.40053084900137, 6717144.008141681551933 ], [ 456866.456789622781798, 6717144.464355060830712 ], [ 456859.66970237303758, 6717138.028448078781366 ], [ 456862.723646769998595, 6717135.482616779394448 ], [ 456862.146351848146878, 6717134.555108234286308 ], [ 456868.734585414407775, 6717129.243232319131494 ], [ 456868.270799112739041, 6717128.455065550282598 ], [ 456869.044343957735691, 6717127.749893072061241 ], [ 456871.552105174574535, 6717125.760685321874917 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.234058604750317, 6717128.392628070898354 ], [ 456868.270799112739041, 6717128.455065550282598 ], [ 456861.326704249891918, 6717134.785383198410273 ], [ 456855.799541698012035, 6717129.256380817852914 ], [ 456865.776135859952774, 6717119.984766743145883 ], [ 456871.396737132570706, 6717125.605424091219902 ], [ 456869.044343957735691, 6717127.749893072061241 ], [ 456868.234058604750317, 6717128.392628070898354 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456965.262714610609692, 6717140.371390888467431 ], [ 456974.825988231168594, 6717146.434664509259164 ], [ 456974.405770335695706, 6717146.714446613565087 ], [ 456974.52835792111, 6717147.187034199014306 ], [ 456973.676888499758206, 6717147.735564777627587 ], [ 456973.81837104371516, 6717148.227047321386635 ], [ 456973.375210032972973, 6717148.483886310830712 ], [ 456973.51693824341055, 6717148.97561452165246 ], [ 456972.6671457629418, 6717149.525822040624917 ], [ 456972.776392589090392, 6717149.985068866983056 ], [ 456971.926600108621642, 6717150.535276386886835 ], [ 456972.06837104371516, 6717151.027047321200371 ], [ 456971.625145946047269, 6717151.283822223544121 ], [ 456971.766970286844298, 6717151.775646564550698 ], [ 456970.917081676016096, 6717152.325757954269648 ], [ 456971.026381907926407, 6717152.785058185458183 ], [ 456970.176578746351879, 6717153.335255024023354 ], [ 456970.318317637953442, 6717153.82699391618371 ], [ 456969.875039134523831, 6717154.083715412765741 ], [ 456970.016147838148754, 6717154.574824116192758 ], [ 456969.165906749258284, 6717155.124583027325571 ], [ 456969.275922618398909, 6717155.584598896093667 ], [ 456968.635459361539688, 6717155.994135639630258 ], [ 456959.072207103250548, 6717149.930883381515741 ], [ 456959.492371593019925, 6717149.651047870516777 ], [ 456959.369773326383438, 6717149.178449604660273 ], [ 456960.221232066629454, 6717148.629908344708383 ], [ 456960.079685435805004, 6717148.138361713849008 ], [ 456960.522974620340392, 6717147.881650898605585 ], [ 456960.381267772230785, 6717147.389944050461054 ], [ 456961.230974803445861, 6717146.839651081711054 ], [ 456961.121792064222973, 6717146.380468342453241 ], [ 456961.9715952257975, 6717145.830271503888071 ], [ 456961.8297495226725, 6717145.338425800204277 ], [ 456962.272995982668363, 6717145.081672260537744 ], [ 456962.131289134500548, 6717144.589965412393212 ], [ 456962.981038890371565, 6717144.039715168066323 ], [ 456962.871834788820706, 6717143.580511067062616 ], [ 456963.721605906961486, 6717143.030282184481621 ], [ 456963.57984565309016, 6717142.538521930575371 ], [ 456964.023092113027815, 6717142.281768390908837 ], [ 456963.882047496328596, 6717141.790723774582148 ], [ 456964.732224498293363, 6717141.240900776349008 ], [ 456964.622197947988752, 6717140.780874226242304 ], [ 456965.262714610609692, 6717140.371390888467431 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.767489085672423, 6717119.376165363937616 ], [ 456973.780901561258361, 6717122.639577839523554 ], [ 456973.355503306898754, 6717122.914179584942758 ], [ 456973.534668956301175, 6717123.443345233798027 ], [ 456972.271142039797269, 6717124.279818317852914 ], [ 456972.451066051027738, 6717124.809742328710854 ], [ 456971.602523265348282, 6717125.361199542880058 ], [ 456971.782308421621565, 6717125.890984699130058 ], [ 456970.518813548551407, 6717126.727489826269448 ], [ 456970.697915111086331, 6717127.256591388955712 ], [ 456970.272281871351879, 6717127.530958149582148 ], [ 456972.695781932387035, 6717129.254458210431039 ], [ 456973.132491527067032, 6717128.991167805157602 ], [ 456973.025562511000317, 6717128.534238789230585 ], [ 456973.81281684449641, 6717127.571493122726679 ], [ 456973.712638316617813, 6717127.121314594522119 ], [ 456974.14669898559805, 6717126.85537526383996 ], [ 456974.03317969845375, 6717126.391855976544321 ], [ 456974.920067821047269, 6717125.878744099289179 ], [ 456974.80656989623094, 6717125.415246173739433 ], [ 456975.24065192748094, 6717125.149328205734491 ], [ 456975.140387950406875, 6717124.69906422868371 ], [ 456975.562891612527892, 6717124.421567890793085 ], [ 456975.462681041273754, 6717123.971357319504023 ], [ 456975.896773753629532, 6717123.705450031906366 ], [ 456975.783211741945706, 6717123.241888020187616 ], [ 456976.670110545645002, 6717122.72878682333976 ], [ 456976.556601939664688, 6717122.265278217382729 ], [ 456976.990694652078673, 6717121.999370929785073 ], [ 456976.890430675062817, 6717121.549106952734292 ], [ 456977.313009105215315, 6717121.271685383282602 ], [ 456977.215127025148831, 6717120.823803302831948 ], [ 456977.6479807238793, 6717120.556657001376152 ], [ 456977.534867320558988, 6717120.093543598428369 ], [ 456978.21292823361, 6717119.721604511141777 ], [ 456994.425913463113829, 6717129.284589741379023 ], [ 456993.981214366445784, 6717129.539890644140542 ], [ 456994.093569407938048, 6717130.002245686016977 ], [ 456993.661911998293363, 6717130.270588275976479 ], [ 456993.784061656508129, 6717130.74273793399334 ], [ 456993.350866160879377, 6717131.009542439132929 ], [ 456993.465197215555236, 6717131.473873493261635 ], [ 456992.580370555398986, 6717131.989046833477914 ], [ 456992.718499217531644, 6717132.477175495587289 ], [ 456992.274910960695706, 6717132.733587238937616 ], [ 456992.413050303934142, 6717133.221726581454277 ], [ 456991.528245006105863, 6717133.736921284347773 ], [ 456991.642618785379454, 6717134.20129506289959 ], [ 456991.209711680887267, 6717134.468387958593667 ], [ 456991.333666453836486, 6717134.942342732101679 ], [ 456990.900684581312817, 6717135.209360859356821 ], [ 456991.015133128676098, 6717135.673809406347573 ], [ 456990.128234324918594, 6717136.186910603195429 ], [ 456990.242554698488675, 6717136.651230975985527 ], [ 456989.809636912832502, 6717136.918313190340996 ], [ 456989.933634410379454, 6717137.392310688272119 ], [ 456989.500620494363829, 6717137.659296772442758 ], [ 456989.615101085219067, 6717138.123777363449335 ], [ 456988.728202281461563, 6717138.636878559365869 ], [ 456988.842554698465392, 6717139.101230976171792 ], [ 456988.409551463613752, 6717139.368227741681039 ], [ 456988.533613048086409, 6717139.842289325781167 ], [ 456988.100620494398754, 6717140.109296772629023 ], [ 456988.215069041762035, 6717140.573745319619775 ], [ 456987.330274425039534, 6717141.088950702920556 ], [ 456987.468317637918517, 6717141.57699391618371 ], [ 456987.024772105680313, 6717141.833448383957148 ], [ 456987.162868724379223, 6717142.321545002050698 ], [ 456986.278159556852188, 6717142.836835835129023 ], [ 456986.392511973856017, 6717143.301188251934946 ], [ 456985.959498057840392, 6717143.568174336105585 ], [ 456986.0835275988793, 6717144.04220387712121 ], [ 456985.65052436402766, 6717144.309200641699135 ], [ 456985.764876780973282, 6717144.773553058505058 ], [ 456984.878127513395157, 6717145.286803791299462 ], [ 456984.992202220426407, 6717145.750878497958183 ], [ 456984.558931956766173, 6717146.017608234658837 ], [ 456984.680718455812894, 6717146.489394733682275 ], [ 456984.249231944559142, 6717146.757908222265542 ], [ 456984.363178477797192, 6717147.221854755654931 ], [ 456983.685288463137113, 6717147.593964740633965 ], [ 456982.346587596402969, 6717146.605263873934746 ], [ 456981.296619639906567, 6717146.255295917391777 ], [ 456980.596651683328673, 6717145.555327961221337 ], [ 456979.546683726774063, 6717145.205360004678369 ], [ 456978.846715770254377, 6717144.505392048507929 ], [ 456977.796758494863752, 6717144.155434772372246 ], [ 456977.096801219449844, 6717143.455477497540414 ], [ 456976.046843944059219, 6717143.105520222336054 ], [ 456975.346897349867504, 6717142.405573627911508 ], [ 456974.296950755582657, 6717142.055627033114433 ], [ 456973.597004161390942, 6717141.35568043962121 ], [ 456972.547057567106094, 6717141.005733844824135 ], [ 456971.851362071523909, 6717140.310038349591196 ], [ 456970.801372752699535, 6717139.96004903037101 ], [ 456970.101394114957657, 6717139.260070392861962 ], [ 456969.051415477297269, 6717138.910091754980385 ], [ 456968.351436839613598, 6717138.210113117471337 ], [ 456968.001447520742659, 6717138.210123798809946 ], [ 456967.822217784414534, 6717138.030894062481821 ], [ 456968.266959605680313, 6717137.77563588321209 ], [ 456968.154123912332579, 6717137.312800190411508 ], [ 456968.585930858156644, 6717137.04461781680584 ], [ 456968.463225779996719, 6717136.571902058087289 ], [ 456968.895449290750548, 6717136.304125568829477 ], [ 456968.78284858277766, 6717135.841524860821664 ], [ 456969.1134409289225, 6717135.472117207013071 ], [ 456968.473009715555236, 6717135.881685993634164 ], [ 456968.584115062258206, 6717136.342791340313852 ], [ 456967.940201793215238, 6717136.748878071084619 ], [ 456960.472538219008129, 6717131.731214497238398 ], [ 456960.915250621328596, 6717131.473926899023354 ], [ 456960.778702769777738, 6717130.987379048019648 ], [ 456961.221767650160473, 6717130.730433247052133 ], [ 456961.085839305422269, 6717130.244515582919121 ], [ 456961.93153022340266, 6717129.690206501632929 ], [ 456961.82642768434016, 6717129.235103962011635 ], [ 456962.675931773672346, 6717128.684608051553369 ], [ 456962.534235606668517, 6717128.192911884747446 ], [ 456962.977674327383284, 6717127.936350605450571 ], [ 456962.835935435781721, 6717127.444611713290215 ], [ 456963.684232554922346, 6717126.892908832989633 ], [ 456963.573800120851956, 6717126.432476398535073 ], [ 456964.42441505001625, 6717125.883091327734292 ], [ 456964.282035289274063, 6717125.390711567364633 ], [ 456964.722921214590315, 6717125.131597492843866 ], [ 456964.576279674074613, 6717124.634955951943994 ], [ 456965.41391700314125, 6717124.072593281045556 ], [ 456965.274335704336409, 6717123.583011982031167 ], [ 456966.536751781008206, 6717122.745428059250116 ], [ 456966.356934581301175, 6717122.215610858984292 ], [ 456967.205509410414379, 6717121.66418568789959 ], [ 456967.025734935305081, 6717121.134411212988198 ], [ 456968.288610301504377, 6717120.2972865793854 ], [ 456968.139127574453596, 6717119.797803852707148 ], [ 456968.767489085672423, 6717119.376165363937616 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457002.007961497816723, 6717120.066637775860727 ], [ 457005.446630321035627, 6717121.755306598730385 ], [ 457006.146598277555313, 6717122.455274555832148 ], [ 457010.175721202394925, 6717124.380114338360727 ], [ 457009.730915294203442, 6717124.635746357031167 ], [ 457009.842298350820784, 6717125.096947833895683 ], [ 457009.40915626095375, 6717125.363805744796991 ], [ 457009.507679210219067, 6717125.812168476171792 ], [ 457008.734791026625317, 6717126.789312336593866 ], [ 457008.807999644777738, 6717127.212574359960854 ], [ 457008.384791026590392, 6717127.489290974102914 ], [ 457008.457999644742813, 6717127.91256367880851 ], [ 457008.034748302015942, 6717128.189269611611962 ], [ 457008.107956920168363, 6717128.612552997656167 ], [ 457007.684726939711254, 6717128.889258930459619 ], [ 457007.757978282461409, 6717129.312542316503823 ], [ 457007.330935130594298, 6717129.589611408300698 ], [ 457007.431231151102111, 6717130.039907429367304 ], [ 457006.997127757582348, 6717130.305804035626352 ], [ 457007.110529551981017, 6717130.769205830059946 ], [ 457006.22368415404344, 6717131.282360431738198 ], [ 457006.33725684689125, 6717131.745933124795556 ], [ 457005.903185496805236, 6717132.011861775070429 ], [ 457006.003374705789611, 6717132.462050983682275 ], [ 457005.230433116434142, 6717133.439109394326806 ], [ 457005.303791270765942, 6717133.862467548809946 ], [ 457004.88042243529344, 6717134.139098713174462 ], [ 457004.953780589567032, 6717134.562456867657602 ], [ 457004.530390391824767, 6717134.839066669344902 ], [ 457004.603769908426329, 6717135.262446186505258 ], [ 457004.18039039184805, 6717135.539066669531167 ], [ 457004.253769908449613, 6717135.962446186691523 ], [ 457003.830785594473127, 6717136.239461872726679 ], [ 457003.931049571547192, 6717136.68972584977746 ], [ 457003.497010264894925, 6717136.955686543136835 ], [ 457003.610465465055313, 6717137.419141743332148 ], [ 457002.723566661356017, 6717137.932242939248681 ], [ 457002.837150035367813, 6717138.395826313644648 ], [ 457002.403121409879532, 6717138.661797687411308 ], [ 457002.503289256594144, 6717139.11196553427726 ], [ 457001.730304942640942, 6717140.088981220498681 ], [ 457001.803695140348282, 6717140.512371418066323 ], [ 457001.380294261442032, 6717140.788970539346337 ], [ 457001.453695140371565, 6717141.212371418252587 ], [ 457001.030283580301329, 6717141.488959858193994 ], [ 457001.103684459230863, 6717141.912360737100244 ], [ 457000.680262217996642, 6717142.188938495703042 ], [ 457000.75367377809016, 6717142.6123500559479 ], [ 457000.330561290262267, 6717142.889237567782402 ], [ 457000.428614268777892, 6717143.337290546856821 ], [ 456999.99573920777766, 6717143.6044154856354 ], [ 457000.108692393812817, 6717144.067368671298027 ], [ 456999.430631480703596, 6717144.439307758584619 ], [ 456991.267272410856094, 6717139.775948688387871 ], [ 456991.711950145254377, 6717139.520626422949135 ], [ 456991.600620494398754, 6717139.059296771883965 ], [ 456992.033623729250394, 6717138.792300007306039 ], [ 456991.935239635000471, 6717138.343915913254023 ], [ 456992.708149180922192, 6717137.366825458593667 ], [ 456992.634812388918363, 6717136.943488666787744 ], [ 456993.057721934805159, 6717136.666398212313652 ], [ 456992.957532725820784, 6717136.216209003701806 ], [ 456993.391646800504532, 6717135.950323078781366 ], [ 456993.278159556852188, 6717135.486835834570229 ], [ 456994.165047679445706, 6717134.973723957315087 ], [ 456994.051453624269925, 6717134.510129902511835 ], [ 456994.485535655519925, 6717134.244211933575571 ], [ 456994.385314403043594, 6717133.7939906809479 ], [ 456994.808245311258361, 6717133.516910907812417 ], [ 456994.734908519254532, 6717133.093584797345102 ], [ 456995.158266673563048, 6717132.816942951641977 ], [ 456995.084919200453442, 6717132.393595478497446 ], [ 456995.857850108644925, 6717131.416526386514306 ], [ 456995.757682261930313, 6717130.966358539648354 ], [ 456996.191700206312817, 6717130.700376484543085 ], [ 456996.07822364376625, 6717130.236899921670556 ], [ 456996.965133128629532, 6717129.723809406161308 ], [ 456996.851581798109692, 6717129.260258075781167 ], [ 456997.28562110470375, 6717128.994297382421792 ], [ 456997.185410533449613, 6717128.544086811132729 ], [ 456997.958341441641096, 6717127.56701771914959 ], [ 456997.884993968473282, 6717127.143670246005058 ], [ 456998.307914195524063, 6717126.866590473800898 ], [ 456998.207810435793363, 6717126.416486714035273 ], [ 456998.641785655519925, 6717126.150461933575571 ], [ 456998.528277049539611, 6717125.686953327618539 ], [ 456999.415186534402892, 6717125.173862812109292 ], [ 456999.3016672473168, 6717124.710343524813652 ], [ 456999.7357492785668, 6717124.44442555680871 ], [ 456999.635485301492736, 6717123.994161579757929 ], [ 457000.408416209684219, 6717123.017092487774789 ], [ 457000.335111461172346, 6717122.593787739053369 ], [ 457000.758426890883129, 6717122.317103168927133 ], [ 457000.685122142313048, 6717121.893798420205712 ], [ 457001.108149180887267, 6717121.616825458593667 ], [ 457001.010213695059065, 6717121.168889973312616 ], [ 457001.443013988027815, 6717120.901690266095102 ], [ 457001.329943309305236, 6717120.438619587570429 ], [ 457002.007961497816723, 6717120.066637775860727 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456959.663173900160473, 6717133.371850177645683 ], [ 456963.980784068582579, 6717136.639460346661508 ], [ 456963.56145270873094, 6717136.920128986239433 ], [ 456963.697455821500625, 6717137.406132099218667 ], [ 456962.8585581164225, 6717137.967234394513071 ], [ 456962.996579967031721, 6717138.455256245099008 ], [ 456962.156838450930081, 6717139.015514728613198 ], [ 456962.29637702513719, 6717139.505053303204477 ], [ 456961.456742320558988, 6717140.065418598242104 ], [ 456961.596419749723282, 6717140.555096027441323 ], [ 456960.756699595949613, 6717141.115375873632729 ], [ 456960.896302257082425, 6717141.604978535324335 ], [ 456960.056453929457348, 6717142.165130207315087 ], [ 456960.194668040785473, 6717142.653344318270683 ], [ 456959.354509959695861, 6717143.213186237961054 ], [ 456959.480365977797192, 6717143.689042255282402 ], [ 456958.840255198942032, 6717144.098931476473808 ], [ 456954.172303233644925, 6717141.180979511700571 ], [ 456954.591933665738907, 6717140.900609944015741 ], [ 456954.455300364992581, 6717140.413976643234491 ], [ 456955.292745433340315, 6717139.851421711035073 ], [ 456955.13874457887141, 6717139.347420856356621 ], [ 456955.987052379117813, 6717138.795728657394648 ], [ 456955.820885692141019, 6717138.279561970382929 ], [ 456957.082810435793363, 6717137.441486713476479 ], [ 456956.916686473356094, 6717136.925362750887871 ], [ 456957.765058360586409, 6717136.373734638094902 ], [ 456957.609166942129377, 6717135.8678432200104 ], [ 456958.447583995352034, 6717135.306260272860527 ], [ 456958.308771739481017, 6717134.817448017187417 ], [ 456959.149047313199844, 6717134.257723591290414 ], [ 456959.02324470091844, 6717133.781920978799462 ], [ 456959.663173900160473, 6717133.371850177645683 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456949.522423778078519, 6717111.681100055575371 ], [ 456951.911007152113598, 6717113.369683429598808 ], [ 456952.260996470926329, 6717113.369672749191523 ], [ 456952.960911021742504, 6717114.069587299600244 ], [ 456953.310878978285473, 6717114.069565936923027 ], [ 456954.010772166715469, 6717114.769448444247246 ], [ 456954.360740123258438, 6717114.769416401162744 ], [ 456955.056382213137113, 6717115.465058490633965 ], [ 456955.406382213113829, 6717115.465058490633965 ], [ 456956.106382213125471, 6717116.165058490820229 ], [ 456956.456382213102188, 6717116.165058490820229 ], [ 456957.156382213113829, 6717116.865058491006494 ], [ 456957.506382213148754, 6717116.865058491006494 ], [ 456958.206382213102188, 6717117.565058491192758 ], [ 456958.556382213137113, 6717117.565058491192758 ], [ 456958.735665355226956, 6717117.744341633282602 ], [ 456958.292867503652815, 6717118.001543781720102 ], [ 456958.427535472379532, 6717118.486211750656366 ], [ 456957.985517344961409, 6717118.744193622842431 ], [ 456958.120089183328673, 6717119.228765461593866 ], [ 456957.67721656372305, 6717119.485892841592431 ], [ 456964.685473094461486, 6717124.39414937235415 ], [ 456964.267017589125317, 6717124.675693866796792 ], [ 456964.425974498270079, 6717125.184650775976479 ], [ 456963.576790843508206, 6717125.735467121005058 ], [ 456963.741237865004223, 6717126.249914143234491 ], [ 456962.476397166727111, 6717127.085073444992304 ], [ 456962.641271434316877, 6717127.599947712384164 ], [ 456961.792888865980785, 6717128.151565143838525 ], [ 456961.9493784289225, 6717128.658054706640542 ], [ 456961.112606273207348, 6717129.221282551065087 ], [ 456961.269127879641019, 6717129.727804157882929 ], [ 456960.420638499723282, 6717130.279314777813852 ], [ 456960.586709056398831, 6717130.795385334640741 ], [ 456959.325094066152815, 6717131.633770343847573 ], [ 456959.487447581777815, 6717132.146123860031366 ], [ 456958.642547069059219, 6717132.701223347336054 ], [ 456958.795501170621719, 6717133.204177448526025 ], [ 456957.958579478727188, 6717133.767255757004023 ], [ 456958.115218577848282, 6717134.273894855752587 ], [ 456957.266718516824767, 6717134.825394794344902 ], [ 456957.432863841531798, 6717135.341540119610727 ], [ 456956.170885692117736, 6717136.179561969824135 ], [ 456956.335738597379532, 6717136.694414875470102 ], [ 456955.486896739515942, 6717137.24557301774621 ], [ 456955.630526195047423, 6717137.739202473312616 ], [ 456954.990511546609923, 6717138.149187824688852 ], [ 456952.606382213125471, 6717136.465058490633965 ], [ 456952.256382213148754, 6717136.465058490633965 ], [ 456951.556382213137113, 6717135.765058491379023 ], [ 456951.206382213102188, 6717135.765058491379023 ], [ 456950.506382213148754, 6717135.065058491192758 ], [ 456950.156382213113829, 6717135.065058491192758 ], [ 456949.456382213102188, 6717134.365058491006494 ], [ 456949.106382213125471, 6717134.365058491006494 ], [ 456948.406382213113829, 6717133.665058490820229 ], [ 456947.540845714102034, 6717134.199521992355585 ], [ 456947.612922130094375, 6717134.621598407626152 ], [ 456946.945125804457348, 6717135.003802082501352 ], [ 456945.606382213125471, 6717134.015058491379023 ], [ 456945.256382213148754, 6717134.015058491379023 ], [ 456944.556382213137113, 6717133.315058491192758 ], [ 456944.206382213102188, 6717133.315058491192758 ], [ 456943.506382213148754, 6717132.615058491006494 ], [ 456943.156382213113829, 6717132.615058491006494 ], [ 456942.456382213102188, 6717131.915058490820229 ], [ 456942.106382213125471, 6717131.915058490820229 ], [ 456941.406382213113829, 6717131.215058490633965 ], [ 456941.056382213137113, 6717131.215058490633965 ], [ 456940.356382213125471, 6717130.515058491379023 ], [ 456940.006382213148754, 6717130.515058491379023 ], [ 456939.310740123270079, 6717129.819416400976479 ], [ 456937.731798778055236, 6717128.9404750559479 ], [ 456938.174372325418517, 6717128.683048603124917 ], [ 456938.03779243043391, 6717128.196468708105385 ], [ 456938.480633006605785, 6717127.939309284090996 ], [ 456938.340806041262113, 6717127.449482318945229 ], [ 456939.190021739515942, 6717126.898698017001152 ], [ 456939.047118602262344, 6717126.405794880352914 ], [ 456939.895800242898986, 6717125.85447652079165 ], [ 456939.73001807736, 6717125.338694355450571 ], [ 456940.991996226774063, 6717124.50067250430584 ], [ 456940.82577613403555, 6717123.984452411532402 ], [ 456941.674030528578442, 6717123.43270680680871 ], [ 456941.517658458265942, 6717122.926334735937417 ], [ 456942.354323802457657, 6717122.363000079989433 ], [ 456942.197941051039379, 6717121.856617328710854 ], [ 456943.046152720926329, 6717121.304828998632729 ], [ 456942.880050120817032, 6717120.788726398721337 ], [ 456944.142070994887035, 6717119.950747272931039 ], [ 456943.975893626688048, 6717119.434569904580712 ], [ 456944.824094615469221, 6717118.882770893163979 ], [ 456944.667690501722973, 6717118.376366779208183 ], [ 456945.504409251676407, 6717117.813085529953241 ], [ 456945.34797309449641, 6717117.306649371981621 ], [ 456946.196195445547346, 6717116.754871723242104 ], [ 456946.030071483168285, 6717116.238747760653496 ], [ 456947.2921457629418, 6717115.400822040624917 ], [ 456947.126299510477111, 6717114.88497578818351 ], [ 456947.974852977262344, 6717114.333529255352914 ], [ 456947.832024608156644, 6717113.840700886212289 ], [ 456948.681731639371719, 6717113.290407917462289 ], [ 456948.542705760512035, 6717112.801382038742304 ], [ 456948.985044322500471, 6717112.543720600195229 ], [ 456948.852096019254532, 6717112.060772296972573 ], [ 456949.522423778078519, 6717111.681100055575371 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456848.961346469412092, 6717121.369866535067558 ], [ 456851.830470881948713, 6717124.239155170507729 ], [ 456852.180468211648986, 6717124.239123127423227 ], [ 456855.865118632791564, 6717127.225840351544321 ], [ 456854.65447677182965, 6717128.112781879492104 ], [ 456854.945022807631176, 6717128.753608295693994 ], [ 456852.522035441885237, 6717130.530834552831948 ], [ 456852.811884532449767, 6717131.170849201269448 ], [ 456850.790241466078442, 6717132.649067279882729 ], [ 456851.0763254504418, 6717133.284798786044121 ], [ 456849.660485301516019, 6717134.321169636212289 ], [ 456846.034441028139554, 6717131.043700763955712 ], [ 456847.475267062662169, 6717129.684460041113198 ], [ 456843.558567271742504, 6717126.116346333175898 ], [ 456848.961346469412092, 6717121.369866535067558 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456922.232175670156721, 6717091.390851948410273 ], [ 456932.845492015359923, 6717098.854168293066323 ], [ 456932.420093761000317, 6717099.128770038485527 ], [ 456932.599131236551329, 6717099.657807514071465 ], [ 456931.335668406973127, 6717100.494344685226679 ], [ 456931.515560374769848, 6717101.024236653000116 ], [ 456930.667017589090392, 6717101.575693867169321 ], [ 456930.846898875723127, 6717102.10557515360415 ], [ 456929.585209117445629, 6717102.943885395303369 ], [ 456929.751397166750394, 6717103.460073444992304 ], [ 456928.904114757082425, 6717104.012791034765542 ], [ 456929.078302989481017, 6717104.536979267373681 ], [ 456928.230881724855863, 6717105.089558002538979 ], [ 456928.397048411832657, 6717105.605724689550698 ], [ 456927.133243785414379, 6717106.441920063458383 ], [ 456927.312516246340238, 6717106.97119252383709 ], [ 456926.886925731203519, 6717107.245602008886635 ], [ 456943.340493236086331, 6717118.449169513769448 ], [ 456942.914913402113598, 6717118.723589680157602 ], [ 456943.094111094949767, 6717119.252787373028696 ], [ 456941.830520091520157, 6717120.089196369051933 ], [ 456942.010401378152892, 6717120.619077656418085 ], [ 456941.16181586793391, 6717121.170492146164179 ], [ 456941.341761241434142, 6717121.700437519699335 ], [ 456940.080381236562971, 6717122.539057514630258 ], [ 456940.260262523195706, 6717123.068938801065087 ], [ 456939.411741099844221, 6717123.620417377911508 ], [ 456939.591718516836409, 6717124.150394794531167 ], [ 456938.330349193129223, 6717124.989025470800698 ], [ 456938.510145030508284, 6717125.518821308389306 ], [ 456937.661516795633361, 6717126.070193073712289 ], [ 456937.841515574953519, 6717126.600191853009164 ], [ 456936.578544078336563, 6717127.437220356427133 ], [ 456936.72783454466844, 6717127.936510822735727 ], [ 456936.099793468019925, 6717128.358469746075571 ], [ 456929.54818824341055, 6717123.906864521093667 ], [ 456929.327686534437817, 6717124.036362811923027 ], [ 456929.449451671156567, 6717124.508127949200571 ], [ 456928.586767039785627, 6717125.045443317852914 ], [ 456928.70835059689125, 6717125.517026875168085 ], [ 456927.867412791762035, 6717126.076089069247246 ], [ 456928.0062570910668, 6717126.564933368936181 ], [ 456927.166547618398909, 6717127.125223896466196 ], [ 456927.30622504762141, 6717127.614901325665414 ], [ 456926.466440806863829, 6717128.175117084756494 ], [ 456926.606064830324613, 6717128.664741108193994 ], [ 456925.766312633058988, 6717129.224988911300898 ], [ 456925.904484019789379, 6717129.713160297833383 ], [ 456925.064261851774063, 6717130.272938129492104 ], [ 456925.190139232145157, 6717130.748815510421991 ], [ 456924.550049815676175, 6717131.158726093359292 ], [ 456914.98673881101422, 6717124.395484516397119 ], [ 456915.406214366434142, 6717124.114890644326806 ], [ 456915.270115123305004, 6717123.628844806924462 ], [ 456916.109007487772033, 6717123.067699787206948 ], [ 456915.970921550295316, 6717122.579656574875116 ], [ 456916.810785899637267, 6717122.019440814852715 ], [ 456916.671103129861876, 6717121.529806111007929 ], [ 456917.510817943082657, 6717120.96948353946209 ], [ 456917.371076426992659, 6717120.479816791601479 ], [ 456918.210828624258284, 6717119.919504902325571 ], [ 456918.071151195035782, 6717119.429827473126352 ], [ 456918.910849986539688, 6717118.869526264257729 ], [ 456918.771140513883438, 6717118.379816791974008 ], [ 456919.610860667715315, 6717117.819536945782602 ], [ 456919.471225963148754, 6717117.329902241006494 ], [ 456920.310978160414379, 6717116.76965443789959 ], [ 456920.173810801992659, 6717116.282487079501152 ], [ 456921.015218577871565, 6717115.723894855938852 ], [ 456920.902169261476956, 6717115.260845539160073 ], [ 456921.779946361086331, 6717114.738622639328241 ], [ 456921.466123424062971, 6717113.724799701943994 ], [ 456919.016208873305004, 6717112.324885151349008 ], [ 456917.966251597914379, 6717111.274927875958383 ], [ 456916.568462596449535, 6717110.579211018048227 ], [ 456914.468558726774063, 6717108.829360553994775 ], [ 456914.118564067350235, 6717108.829360553994775 ], [ 456911.707763896498363, 6717107.116445515304804 ], [ 456911.487107310793363, 6717107.245804950594902 ], [ 456911.609150157484692, 6717107.717815754003823 ], [ 456910.773371348856017, 6717108.282058307901025 ], [ 456910.902650676260237, 6717108.761342976242304 ], [ 456909.639764628896955, 6717109.598446247167885 ], [ 456909.805963359365705, 6717110.114644978195429 ], [ 456908.958579478727188, 6717110.667287800461054 ], [ 456909.132762370572891, 6717111.191411945968866 ], [ 456908.285399852262344, 6717111.744076129980385 ], [ 456908.451689372537658, 6717112.260338947176933 ], [ 456907.189593730436172, 6717113.098253986798227 ], [ 456907.354387889383361, 6717113.613042805343866 ], [ 456906.505631480715238, 6717114.164339802227914 ], [ 456906.649309001455549, 6717114.658086750656366 ], [ 456906.009481273184065, 6717115.068168232217431 ], [ 456896.444071422098204, 6717108.304894611239433 ], [ 456896.863520274637267, 6717108.024247333407402 ], [ 456896.727447734388988, 6717107.538030598312616 ], [ 456897.566340098856017, 6717106.977056477218866 ], [ 456897.428761516115628, 6717106.489355061203241 ], [ 456898.269464335928205, 6717105.930132648907602 ], [ 456898.144222484144848, 6717105.454874775372446 ], [ 456898.99350760987727, 6717104.904261372052133 ], [ 456898.851763377664611, 6717104.412351582199335 ], [ 456899.295036540541332, 6717104.155683491379023 ], [ 456899.153254924283829, 6717103.663987323641777 ], [ 456900.002572093508206, 6717103.113235065713525 ], [ 456899.877154002664611, 6717102.637774250470102 ], [ 456900.717728648683988, 6717102.078359577804804 ], [ 456900.577896342787426, 6717101.588628742843866 ], [ 456901.416217265592422, 6717101.026864215731621 ], [ 456901.260320506582502, 6717100.520908710546792 ], [ 456902.108473430154845, 6717099.969120380468667 ], [ 456901.935481486783829, 6717099.446181843057275 ], [ 456903.184375224576797, 6717098.59503285586834 ], [ 456903.013733134779613, 6717098.074422810226679 ], [ 456904.263700328359846, 6717097.224320575594902 ], [ 456904.107045207521878, 6717096.717670795507729 ], [ 456904.734819255361799, 6717096.29559437930584 ], [ 456907.473295817850158, 6717098.334060261026025 ], [ 456907.82327979611, 6717098.329787800088525 ], [ 456911.320978007803205, 6717101.129659626632929 ], [ 456911.670967326674145, 6717101.129648945294321 ], [ 456914.084005198965315, 6717102.842638752423227 ], [ 456914.304608378908597, 6717102.713332721963525 ], [ 456914.182763133547269, 6717102.241396686993539 ], [ 456915.045511851785704, 6717101.704177448526025 ], [ 456914.923132548807189, 6717101.231814167462289 ], [ 456915.762692485353909, 6717100.671331379562616 ], [ 456915.60773032711586, 6717100.166422626934946 ], [ 456916.456027446256485, 6717099.614687702618539 ], [ 456916.28988746216055, 6717099.098585102707148 ], [ 456917.551619945035782, 6717098.260253498330712 ], [ 456917.371599803445861, 6717097.730211994610727 ], [ 456918.220057139871642, 6717097.178733417764306 ], [ 456918.040165172133129, 6717096.648841449990869 ], [ 456919.301929698500317, 6717095.810605976730585 ], [ 456919.135613475344144, 6717095.294289752840996 ], [ 456919.982938609609846, 6717094.741614887490869 ], [ 456919.808782420645002, 6717094.217458698898554 ], [ 456920.656182323000394, 6717093.664858601056039 ], [ 456920.490111766324844, 6717093.14878804422915 ], [ 456921.753489146707579, 6717092.312165424227715 ], [ 456921.604038463148754, 6717091.812714740633965 ], [ 456922.232175670156721, 6717091.390851948410273 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456854.347508464357816, 6717118.35616872087121 ], [ 456860.06512130307965, 6717123.025840351358056 ], [ 456858.846132121572737, 6717123.904514667578042 ], [ 456859.110426555154845, 6717124.519449970684946 ], [ 456857.074070201430004, 6717125.983355305157602 ], [ 456857.332465968618635, 6717126.59090993180871 ], [ 456856.311281047353987, 6717127.321960041299462 ], [ 456850.593598781095352, 6717122.65230977255851 ], [ 456851.812772212491836, 6717121.771798297762871 ], [ 456851.541759334097151, 6717121.15078542008996 ], [ 456853.580032954690978, 6717119.688834736123681 ], [ 456853.324254069826566, 6717119.083010456524789 ], [ 456854.347508464357816, 6717118.35616872087121 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456863.105967936979141, 6717108.564532062970102 ], [ 456868.819025264296215, 6717113.579760334454477 ], [ 456867.233565745817032, 6717114.792391560040414 ], [ 456867.599018702981994, 6717115.507697651162744 ], [ 456864.423197017225903, 6717117.931785175576806 ], [ 456864.790059886465315, 6717118.648810932412744 ], [ 456862.012140498671215, 6717120.770803425461054 ], [ 456862.391473613271955, 6717121.499813434667885 ], [ 456860.502674708841369, 6717122.763286945410073 ], [ 456854.789721522829495, 6717117.748411152511835 ], [ 456856.376470790419262, 6717116.534807941876352 ], [ 456856.005973659048323, 6717115.814844868145883 ], [ 456859.180259929213207, 6717113.388877460733056 ], [ 456858.812868342909496, 6717112.671702167950571 ], [ 456861.58681701234309, 6717110.545042011886835 ], [ 456861.211670909426175, 6717109.821297809481621 ], [ 456863.105967936979141, 6717108.564532062970102 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.777091441617813, 6717106.78576771914959 ], [ 456946.494413218984846, 6717110.753089496865869 ], [ 456945.665427623258438, 6717111.324103901162744 ], [ 456945.874094615457579, 6717111.882770893163979 ], [ 456944.629783092008438, 6717112.738459370099008 ], [ 456944.832009349367581, 6717113.290685627609491 ], [ 456943.581919322488829, 6717114.140595600008965 ], [ 456943.769982371828519, 6717114.678658649325371 ], [ 456942.520565257582348, 6717115.529241535812616 ], [ 456942.677738414320629, 6717116.036414692178369 ], [ 456942.049985728750471, 6717116.458662007004023 ], [ 456936.682215342996642, 6717112.490891620516777 ], [ 456937.100467906508129, 6717112.209144184365869 ], [ 456936.95087836793391, 6717111.709565326571465 ], [ 456937.795276866469067, 6717111.153953144326806 ], [ 456937.634685740980785, 6717110.643362019211054 ], [ 456938.89633277466055, 6717109.805009052157402 ], [ 456938.730411754164379, 6717109.289077350869775 ], [ 456939.57886909059016, 6717108.737545368261635 ], [ 456939.424419627699535, 6717108.233095905743539 ], [ 456940.263445506570861, 6717107.672121784649789 ], [ 456940.136959300551098, 6717107.195635578595102 ], [ 456940.777091441617813, 6717106.78576771914959 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456856.248833690187894, 6717101.707392475567758 ], [ 456861.154908595548477, 6717106.612690326757729 ], [ 456852.23111022519879, 6717114.839805195108056 ], [ 456847.416667590616271, 6717110.376365253701806 ], [ 456851.979240642103832, 6717106.537847492843866 ], [ 456851.365173182974104, 6717105.57481343485415 ], [ 456856.248833690187894, 6717101.707392475567758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.330025134549942, 6717103.888654682785273 ], [ 456838.759763179288711, 6717107.317251179367304 ], [ 456831.942959294829052, 6717113.451725360937417 ], [ 456828.510567922494374, 6717110.020490620285273 ], [ 456835.330025134549942, 6717103.888654682785273 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456990.467457042250317, 6717099.426133319735527 ], [ 456996.180794749758206, 6717103.389471028000116 ], [ 456995.761474071012344, 6717103.67015034891665 ], [ 456995.897477183840238, 6717104.156153461895883 ], [ 456995.058622203359846, 6717104.717298481613398 ], [ 456995.196163402113598, 6717105.204839680343866 ], [ 456994.355449901137035, 6717105.76412617880851 ], [ 456994.48082526732469, 6717106.239501545205712 ], [ 456993.631449351785704, 6717106.790125629864633 ], [ 456993.773209605715238, 6717107.281885883770883 ], [ 456993.329963145719375, 6717107.538639423437417 ], [ 456993.471734080812894, 6717108.030410358682275 ], [ 456992.622368846437894, 6717108.581045124679804 ], [ 456992.746248851297423, 6717109.054925128817558 ], [ 456991.905129466555081, 6717109.613805744796991 ], [ 456992.030376658949535, 6717110.089052936993539 ], [ 456991.390308604750317, 6717110.498984882608056 ], [ 456985.672538218961563, 6717106.531214497052133 ], [ 456986.0922006945475, 6717106.250876972451806 ], [ 456985.956048045656644, 6717105.764724323526025 ], [ 456986.795234141813125, 6717105.203910419717431 ], [ 456986.661121593031567, 6717104.719787189736962 ], [ 456987.498513255617581, 6717104.157178852707148 ], [ 456987.376854930422269, 6717103.68553120829165 ], [ 456988.225931773660704, 6717103.134608051739633 ], [ 456988.084235606656875, 6717102.64291188493371 ], [ 456988.527674327371642, 6717102.386350605636835 ], [ 456988.385988841531798, 6717101.894665119238198 ], [ 456989.235183177457657, 6717101.343859455548227 ], [ 456989.111228404508438, 6717100.869904682040215 ], [ 456989.952540050027892, 6717100.311216328293085 ], [ 456989.827346263395157, 6717099.836022540926933 ], [ 456990.467457042250317, 6717099.426133319735527 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456833.708856854937039, 6717092.816582843661308 ], [ 456839.775879893801175, 6717098.185624286532402 ], [ 456838.559653792879544, 6717099.067940875887871 ], [ 456838.835040603182279, 6717099.692852375097573 ], [ 456836.807835326704662, 6717101.165911457501352 ], [ 456837.088377795706037, 6717101.796548053622246 ], [ 456835.670996890577953, 6717102.831028339453042 ], [ 456829.604205832991283, 6717097.462040302343667 ], [ 456830.817785845312756, 6717096.57687184587121 ], [ 456830.53107267426094, 6717095.939292499795556 ], [ 456832.559471068845596, 6717094.467974445782602 ], [ 456832.285869012353942, 6717093.843949481844902 ], [ 456833.708856854937039, 6717092.816582843661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717086.065058491192758 ], [ 456828.586032934079412, 6717085.945408222265542 ], [ 456828.468602895329241, 6717085.47801167704165 ], [ 456829.305874822603073, 6717084.915317890234292 ], [ 456829.16261803911766, 6717084.421944782137871 ], [ 456830.425177894125227, 6717083.584724018350244 ], [ 456830.260341845045332, 6717083.069689533673227 ], [ 456831.109064541349653, 6717082.518371174111962 ], [ 456830.96564036415657, 6717082.02486989274621 ], [ 456831.605526338098571, 6717081.614831134676933 ], [ 456837.321540008066222, 6717085.228371784090996 ], [ 456836.901987681863829, 6717085.508987018838525 ], [ 456837.037740455183666, 6717085.994947407394648 ], [ 456836.198775992903393, 6717086.555964252911508 ], [ 456836.336891303537413, 6717087.044103596359491 ], [ 456835.497044978605118, 6717087.604159138165414 ], [ 456835.637229094980285, 6717088.094434712082148 ], [ 456834.7989962916472, 6717088.656167194247246 ], [ 456834.954725490126293, 6717089.162176106125116 ], [ 456834.106640658865217, 6717089.713857624679804 ], [ 456834.272640452894848, 6717090.230034992098808 ], [ 456833.01081985043129, 6717091.068120930343866 ], [ 456833.176742206094787, 6717091.584159443154931 ], [ 456832.328472457418684, 6717092.135915730148554 ], [ 456832.484228692541365, 6717092.641775105148554 ], [ 456831.646096692595165, 6717093.203528949990869 ], [ 456831.78616131353192, 6717093.693697712384164 ], [ 456830.946308980463073, 6717094.253870747052133 ], [ 456831.0844802003121, 6717094.742084858007729 ], [ 456830.244293914351147, 6717095.301894733682275 ], [ 456830.370127568719909, 6717095.777804157696664 ], [ 456829.730125771078747, 6717096.187736103311181 ], [ 456828.356382213125471, 6717095.165058490820229 ], [ 456828.356382213125471, 6717086.065058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456846.694514880655333, 6717083.403155109845102 ], [ 456850.973279033205472, 6717088.383605549111962 ], [ 456844.016147838148754, 6717094.025027058087289 ], [ 456839.755772624514066, 6717089.063952228985727 ], [ 456846.694514880655333, 6717083.403155109845102 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717070.665058490820229 ], [ 456834.18361037777504, 6717077.192599079571664 ], [ 456828.647232661722228, 6717081.805649921298027 ], [ 456828.356382213125471, 6717081.515058491379023 ], [ 456828.356382213125471, 6717070.665058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717069.265058491379023 ], [ 456834.998351321730297, 6717063.30679127946496 ], [ 456839.802462611696683, 6717068.110532734543085 ], [ 456832.693529210577253, 6717074.302364704199135 ], [ 456828.356382213125471, 6717069.965058490633965 ], [ 456828.356382213125471, 6717069.265058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456828.356382213125471, 6717057.715058490633965 ], [ 456833.47775977657875, 6717061.08340260758996 ], [ 456833.058328614744823, 6717061.364081928506494 ], [ 456833.194122443674132, 6717061.849903461523354 ], [ 456832.355188355955761, 6717062.411027118563652 ], [ 456832.493321691057645, 6717062.899091694504023 ], [ 456831.65330813935725, 6717063.459232685156167 ], [ 456831.792961202154402, 6717063.948899433016777 ], [ 456830.95319231558824, 6717064.509189960546792 ], [ 456831.09289394429652, 6717064.998856708407402 ], [ 456830.253168449911755, 6717065.559168598614633 ], [ 456830.393311844381969, 6717066.049305316992104 ], [ 456829.555063436506316, 6717066.611069843173027 ], [ 456829.710814497957472, 6717067.11697194352746 ], [ 456828.862609920965042, 6717067.668696186505258 ], [ 456829.01387998869177, 6717068.172996113076806 ], [ 456828.356382213125471, 6717068.565058491192758 ], [ 456828.356382213125471, 6717057.715058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.434060893545393, 6717057.446918842382729 ], [ 456914.607899699709378, 6717060.662308856844902 ], [ 456904.977249370131176, 6717066.440107319504023 ], [ 456903.155434642336331, 6717062.866386005654931 ], [ 456912.434060893545393, 6717057.446918842382729 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456891.531382213113829, 6717052.990058491006494 ], [ 456888.394803081057034, 6717055.80135915055871 ], [ 456891.568606029031798, 6717059.677250263281167 ], [ 456890.747663341055159, 6717060.257706806063652 ], [ 456890.99111350585008, 6717060.849912617355585 ], [ 456888.944567332742736, 6717062.304343769326806 ], [ 456889.190410075651016, 6717062.900352070108056 ], [ 456887.552108226285782, 6717064.06115834414959 ], [ 456887.792962871084455, 6717064.652296040207148 ], [ 456886.768426738271955, 6717065.377161762677133 ], [ 456876.481382213125471, 6717052.990058491006494 ], [ 456891.531382213113829, 6717052.990058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456925.747374949918594, 6717053.951639912091196 ], [ 456932.512859569105785, 6717058.971653339453042 ], [ 456931.296190867898986, 6717059.856608173809946 ], [ 456931.573922191164456, 6717060.481562397442758 ], [ 456929.546596751722973, 6717061.955006000585854 ], [ 456929.824851451383438, 6717062.585236713290215 ], [ 456928.408103404508438, 6717063.616865132004023 ], [ 456921.997179637430236, 6717058.601487323641777 ], [ 456922.825481639418285, 6717058.030387470498681 ], [ 456922.615276561293285, 6717057.470246478915215 ], [ 456923.860143504629377, 6717056.615049336105585 ], [ 456923.658120189211331, 6717056.06311146914959 ], [ 456924.907291636976879, 6717055.212058613076806 ], [ 456924.710950694570784, 6717054.665653583593667 ], [ 456925.747374949918594, 6717053.951639912091196 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456924.081382213102188, 6717052.990058491006494 ], [ 456917.673267589125317, 6717058.832221576943994 ], [ 456911.831382213102188, 6717052.990058491006494 ], [ 456924.081382213102188, 6717052.990058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456954.531382213113829, 6717052.990058491006494 ], [ 456954.694803843973204, 6717053.50704762712121 ], [ 456953.397802196035627, 6717054.310483906418085 ], [ 456953.538387523207348, 6717054.800983783788979 ], [ 456952.90980170777766, 6717055.222761128097773 ], [ 456949.631382213148754, 6717052.990058491006494 ], [ 456954.531382213113829, 6717052.990058491006494 ] ] ] } } ] } diff --git a/tests/testing_data/expected_outputs/polygonize/asm_polygonizer.geojson b/tests/testing_data/expected_outputs/polygonize/asm_polygonizer.geojson index 638cde0..f697d62 100644 --- a/tests/testing_data/expected_outputs/polygonize/asm_polygonizer.geojson +++ b/tests/testing_data/expected_outputs/polygonize/asm_polygonizer.geojson @@ -2,90 +2,87 @@ "type": "FeatureCollection", "crs": { "type": "name", "properties": { "name": "urn:ogc:def:crs:EPSG::31982" } }, "features": [ - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456838.856032405397855, 6717252.139708433300257 ], [ 456838.506382213148754, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.140058491379023 ], [ 456828.706207184062805, 6717251.789883503690362 ], [ 456829.756311951146927, 6717250.739988229237497 ], [ 456829.756382213148754, 6717250.390058491379023 ], [ 456830.456311951158568, 6717249.689988061785698 ], [ 456830.456382213102188, 6717249.340058490633965 ], [ 456831.506311784265563, 6717248.289988062344491 ], [ 456831.506382213148754, 6717247.940058491192758 ], [ 456832.206311784277204, 6717247.239988062530756 ], [ 456832.206382213102188, 6717246.890058491379023 ], [ 456833.956382213102188, 6717245.490058491006494 ], [ 456834.306102500471752, 6717245.839778778143227 ], [ 456834.656382213113829, 6717245.840058490633965 ], [ 456835.706102500436828, 6717246.889778777956963 ], [ 456836.056382213137113, 6717246.890058491379023 ], [ 456836.756382213148754, 6717247.590058490633965 ], [ 456837.106661925790831, 6717247.590338204056025 ], [ 456838.156102500448469, 6717248.639778777956963 ], [ 456838.506382213148754, 6717248.640058491379023 ], [ 456839.906662593362853, 6717250.39033820386976 ], [ 456838.856452308187727, 6717251.440128752961755 ], [ 456838.856032405397855, 6717252.139708433300257 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.056382213137113, 6717252.490058491006494 ], [ 456876.918882213125471, 6717251.090058490633965 ], [ 456877.006382213148754, 6717250.040058490820229 ], [ 456878.05631278565852, 6717248.989988062530756 ], [ 456878.056382213137113, 6717248.640058491379023 ], [ 456879.106312785646878, 6717247.589988062158227 ], [ 456879.106382213125471, 6717247.240058491006494 ], [ 456880.506312785611954, 6717245.839988395571709 ], [ 456880.506382213148754, 6717245.490058491006494 ], [ 456881.55631278565852, 6717244.439988396130502 ], [ 456881.556382213137113, 6717244.090058490633965 ], [ 456882.606312785646878, 6717243.039988395757973 ], [ 456882.606382213125471, 6717242.690058491192758 ], [ 456883.656382213113829, 6717242.340058490633965 ], [ 456884.006104503176175, 6717242.689778778702021 ], [ 456884.356382213125471, 6717242.690058491192758 ], [ 456885.056104503164534, 6717243.389778777956963 ], [ 456885.406382213113829, 6717243.390058491379023 ], [ 456886.106104503152892, 6717244.089778778143227 ], [ 456886.456382213102188, 6717244.090058490633965 ], [ 456887.156382213113829, 6717244.790058490820229 ], [ 456887.506659923063125, 6717244.790338203310966 ], [ 456888.556104503164534, 6717245.839778778143227 ], [ 456888.906382213113829, 6717245.840058490633965 ], [ 456889.606104503152892, 6717246.539778778329492 ], [ 456889.956382213102188, 6717246.540058490820229 ], [ 456891.006659923063125, 6717247.940338203683496 ], [ 456890.656451640592422, 6717248.290128920227289 ], [ 456890.656659923086409, 6717248.64033820386976 ], [ 456889.256451640627347, 6717250.040128752589226 ], [ 456889.256659923063125, 6717250.39033820386976 ], [ 456888.206451640638988, 6717251.440128752961755 ], [ 456888.206029735098127, 6717252.139708433300257 ], [ 456887.856382213125471, 6717252.490058491006494 ], [ 456878.056382213137113, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.656382213113829, 6717252.490058491006494 ], [ 456890.656451640592422, 6717251.790128794498742 ], [ 456892.05631278565852, 6717250.739988229237497 ], [ 456892.056382213137113, 6717250.390058491379023 ], [ 456893.806382213137113, 6717248.990058491006494 ], [ 456894.15610450314125, 6717249.339778778143227 ], [ 456894.506382213148754, 6717249.340058490633965 ], [ 456895.206104503187817, 6717250.039778778329492 ], [ 456895.556382213137113, 6717250.040058490820229 ], [ 456896.256104503176175, 6717250.739778778515756 ], [ 456896.606382213125471, 6717250.740058491006494 ], [ 456897.306104503164534, 6717251.439778778702021 ], [ 456898.006659923063125, 6717251.440338203683496 ], [ 456899.056382213137113, 6717252.490058491006494 ], [ 456890.656382213113829, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456901.856382213125471, 6717252.490058491006494 ], [ 456902.206029735098127, 6717252.139708433300257 ], [ 456902.206451640638988, 6717251.790128794498742 ], [ 456903.956312785623595, 6717250.039988229051232 ], [ 456903.956382213102188, 6717249.690058491192758 ], [ 456905.356312785646878, 6717248.289988062344491 ], [ 456905.356382213125471, 6717247.940058491192758 ], [ 456906.756312785611954, 6717246.539988395757973 ], [ 456906.756382213148754, 6717246.190058491192758 ], [ 456907.10602973512141, 6717245.839708683080971 ], [ 456907.223399577604141, 6717244.90707518812269 ], [ 456908.85665992309805, 6717243.39033820386976 ], [ 456908.856382213125471, 6717243.040058490820229 ], [ 456909.906659923086409, 6717241.990338203497231 ], [ 456909.906382213113829, 6717241.640058491379023 ], [ 456910.60665992309805, 6717240.940338871441782 ], [ 456910.606382213125471, 6717240.590058490633965 ], [ 456912.006659923063125, 6717239.190338871441782 ], [ 456912.006451640627347, 6717238.840129253454506 ], [ 456913.056029735074844, 6717237.789708683267236 ], [ 456912.986030803236645, 6717237.089708683080971 ], [ 456914.806382213137113, 6717237.090058490633965 ], [ 456915.15610450314125, 6717237.439778110943735 ], [ 456915.506382213148754, 6717237.440058491192758 ], [ 456916.90610450314125, 6717238.839778110384941 ], [ 456917.256382213148754, 6717238.840058490633965 ], [ 456918.306104503164534, 6717239.889778111129999 ], [ 456918.656382213113829, 6717239.890058491379023 ], [ 456920.056104503164534, 6717241.289778110571206 ], [ 456920.406382213113829, 6717241.290058490820229 ], [ 456921.456104503187817, 6717242.339778778143227 ], [ 456921.806382213137113, 6717242.340058490633965 ], [ 456923.556659923109692, 6717244.440338203683496 ], [ 456923.206456981191877, 6717244.790128585882485 ], [ 456923.206659923074767, 6717245.14033820386976 ], [ 456921.806456981168594, 6717246.540128585882485 ], [ 456921.806659923109692, 6717246.89033820386976 ], [ 456920.406456981203519, 6717248.290128920227289 ], [ 456920.406659923086409, 6717248.64033820386976 ], [ 456919.35645698121516, 6717249.690128752961755 ], [ 456919.35665992309805, 6717250.040338203310966 ], [ 456917.956456981191877, 6717251.440128752961755 ], [ 456917.956029735098127, 6717252.139708433300257 ], [ 456917.606382213125471, 6717252.490058491006494 ], [ 456901.856382213125471, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.706382213102188, 6717252.490058491006494 ], [ 456941.056456981168594, 6717251.790128794498742 ], [ 456942.10602973512141, 6717251.08970851637423 ], [ 456942.10645698121516, 6717250.74012875277549 ], [ 456944.08971198607469, 6717249.223391935229301 ], [ 456944.556382213137113, 6717248.640058491379023 ], [ 456944.556382213137113, 6717248.290058490820229 ], [ 456947.006307445059065, 6717245.839988395571709 ], [ 456947.006382213148754, 6717245.490058491006494 ], [ 456950.389711986063048, 6717242.573391601443291 ], [ 456951.90610450314125, 6717244.089778778143227 ], [ 456952.256659923063125, 6717244.090338204056025 ], [ 456955.056104503164534, 6717246.889778777956963 ], [ 456955.406659923086409, 6717246.89033820386976 ], [ 456958.206104503187817, 6717249.689778778702021 ], [ 456958.556659923109692, 6717249.690338203683496 ], [ 456959.723052440152969, 6717250.856725213117898 ], [ 456959.256382213148754, 6717251.440058491192758 ], [ 456959.256029735086486, 6717252.139708433300257 ], [ 456958.906382213113829, 6717252.490058491006494 ], [ 456940.706382213102188, 6717252.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456959.723052440152969, 6717250.856725213117898 ], [ 456958.556659923109692, 6717249.690338203683496 ], [ 456958.206104503187817, 6717249.689778778702021 ], [ 456955.406659923086409, 6717246.89033820386976 ], [ 456955.056104503164534, 6717246.889778777956963 ], [ 456952.256659923063125, 6717244.090338204056025 ], [ 456951.90610450314125, 6717244.089778778143227 ], [ 456950.389711986063048, 6717242.573391601443291 ], [ 456950.856382213125471, 6717241.990058491006494 ], [ 456950.856382213125471, 6717241.640058491379023 ], [ 456951.906307445082348, 6717240.589987728744745 ], [ 456951.906382213113829, 6717240.240058491006494 ], [ 456955.406307445082348, 6717236.739987728185952 ], [ 456955.406382213113829, 6717236.390058491379023 ], [ 456957.506382213148754, 6717234.990058491006494 ], [ 456958.90610450314125, 6717236.389778111129999 ], [ 456959.256382213148754, 6717236.390058491379023 ], [ 456962.056104503164534, 6717239.189778110943735 ], [ 456962.406382213113829, 6717239.190058491192758 ], [ 456965.206104503187817, 6717241.989778778515756 ], [ 456965.556382213137113, 6717241.990058491006494 ], [ 456966.60665992309805, 6717243.740338203497231 ], [ 456965.206456981191877, 6717245.140128586441278 ], [ 456965.206659923074767, 6717245.490338203497231 ], [ 456961.706456981191877, 6717248.990128919482231 ], [ 456961.706659923074767, 6717249.340338204056025 ], [ 456959.723052440152969, 6717250.856725213117898 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456907.223399577604141, 6717244.90707518812269 ], [ 456906.756734691152815, 6717244.440408298745751 ], [ 456906.056104503164534, 6717244.439778778702021 ], [ 456905.706659923074767, 6717244.090338204056025 ], [ 456905.356382213125471, 6717244.090058490633965 ], [ 456904.656659923086409, 6717243.39033820386976 ], [ 456904.306382213137113, 6717243.390058491379023 ], [ 456903.60665992309805, 6717242.690338203683496 ], [ 456903.256382213148754, 6717242.690058491192758 ], [ 456902.556659923109692, 6717241.990338203497231 ], [ 456902.206382213102188, 6717241.990058491006494 ], [ 456901.506659923063125, 6717241.290338203310966 ], [ 456901.156382213113829, 6717241.290058490820229 ], [ 456900.456659923074767, 6717240.590338870882988 ], [ 456900.106382213125471, 6717240.590058490633965 ], [ 456899.056382213137113, 6717238.840058490633965 ], [ 456899.756312785611954, 6717238.139987728558481 ], [ 456899.756382213148754, 6717237.790058490820229 ], [ 456900.456312785623595, 6717237.089987728744745 ], [ 456900.456382213102188, 6717236.740058491006494 ], [ 456901.156312785635237, 6717236.039987727999687 ], [ 456901.156382213113829, 6717235.690058491192758 ], [ 456902.206312785623595, 6717234.639987728558481 ], [ 456902.206382213102188, 6717234.290058490820229 ], [ 456902.906312785635237, 6717233.589987728744745 ], [ 456902.906382213113829, 6717233.240058491006494 ], [ 456903.606312785646878, 6717232.539987727999687 ], [ 456903.606382213125471, 6717232.190058491192758 ], [ 456905.006382213148754, 6717231.140058491379023 ], [ 456905.356104503152892, 6717231.48977811075747 ], [ 456905.706382213102188, 6717231.490058491006494 ], [ 456906.40610450314125, 6717232.189778110943735 ], [ 456906.756382213148754, 6717232.190058491192758 ], [ 456907.806104503164534, 6717233.23977811075747 ], [ 456908.156382213113829, 6717233.240058491006494 ], [ 456908.856104503152892, 6717233.939778110943735 ], [ 456909.206382213102188, 6717233.940058491192758 ], [ 456909.90610450314125, 6717234.639778111129999 ], [ 456910.256382213148754, 6717234.640058491379023 ], [ 456911.306104503164534, 6717235.689778110943735 ], [ 456911.656382213113829, 6717235.690058491192758 ], [ 456912.986030803236645, 6717237.089708683080971 ], [ 456913.056029735074844, 6717237.789708683267236 ], [ 456912.006451640627347, 6717238.840129253454506 ], [ 456912.006659923063125, 6717239.190338871441782 ], [ 456910.606382213125471, 6717240.590058490633965 ], [ 456910.60665992309805, 6717240.940338871441782 ], [ 456909.906382213113829, 6717241.640058491379023 ], [ 456909.906659923086409, 6717241.990338203497231 ], [ 456908.856382213125471, 6717243.040058490820229 ], [ 456908.85665992309805, 6717243.39033820386976 ], [ 456907.223399577604141, 6717244.90707518812269 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.356382213125471, 6717221.340058490633965 ], [ 456835.589365516207181, 6717220.75637624040246 ], [ 456836.756312118086498, 6717219.589989063329995 ], [ 456836.75645230821101, 6717219.240127918310463 ], [ 456837.806312118074857, 6717218.189989063888788 ], [ 456837.806452308199368, 6717217.840127918869257 ], [ 456838.856312118063215, 6717216.789989063516259 ], [ 456838.856452308187727, 6717216.440127918496728 ], [ 456839.906311450467911, 6717215.38998906314373 ], [ 456839.906452975759748, 6717215.040127918124199 ], [ 456840.606032405397855, 6717214.339708683080971 ], [ 456840.536032138334122, 6717213.639708682894707 ], [ 456842.706311450514477, 6717212.589989063329995 ], [ 456842.706382213102188, 6717212.240058491006494 ], [ 456843.756311450502835, 6717211.189989063888788 ], [ 456843.756382213148754, 6717210.840058490633965 ], [ 456844.806311450491194, 6717209.789989063516259 ], [ 456844.806382213137113, 6717209.440058491192758 ], [ 456846.78954108763719, 6717208.973214695230126 ], [ 456849.123048434732482, 6717211.306726047769189 ], [ 456849.006662593397778, 6717212.590338870882988 ], [ 456847.956452975748107, 6717213.640127918682992 ], [ 456847.956662593351211, 6717213.990338871255517 ], [ 456846.906452975759748, 6717215.040127918124199 ], [ 456847.256101832899731, 6717216.439778110943735 ], [ 456847.606382213125471, 6717216.440058491192758 ], [ 456848.656101832864806, 6717217.48977811075747 ], [ 456849.006382213148754, 6717217.490058491006494 ], [ 456850.406662593362853, 6717219.590338870882988 ], [ 456849.35645297577139, 6717220.640127918682992 ], [ 456849.356662593374494, 6717220.990338871255517 ], [ 456848.306452975783031, 6717222.040127918124199 ], [ 456848.306662593386136, 6717222.390338871628046 ], [ 456847.256452975736465, 6717223.440127918496728 ], [ 456847.256662593397778, 6717223.790338871069252 ], [ 456846.556452975783031, 6717224.490127918310463 ], [ 456846.556662593386136, 6717224.840338870882988 ], [ 456845.506452975736465, 6717225.890127918682992 ], [ 456845.506662593397778, 6717226.240338871255517 ], [ 456844.456452975748107, 6717227.290127918124199 ], [ 456844.456662593351211, 6717227.640338871628046 ], [ 456843.056207309244201, 6717229.039882251992822 ], [ 456842.706662593351211, 6717228.690338871441782 ], [ 456842.006101832899731, 6717228.689778110943735 ], [ 456841.306662593386136, 6717227.990338871255517 ], [ 456840.956382213102188, 6717227.990058491006494 ], [ 456839.906662593362853, 6717226.940338871441782 ], [ 456839.556382213137113, 6717226.940058491192758 ], [ 456838.506661925814115, 6717225.890338871628046 ], [ 456838.156382213113829, 6717225.890058491379023 ], [ 456837.106661925790831, 6717224.840338870882988 ], [ 456836.756382213148754, 6717224.840058490633965 ], [ 456835.006557116983458, 6717223.090234730392694 ], [ 456835.356312118063215, 6717222.739989063702524 ], [ 456835.356382213125471, 6717221.340058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.589365516207181, 6717220.75637624040246 ], [ 456835.006382213148754, 6717220.640058491379023 ], [ 456834.65666192577919, 6717220.290338871069252 ], [ 456833.956102500436828, 6717220.289778110571206 ], [ 456832.90666192577919, 6717219.240338871255517 ], [ 456832.556382213137113, 6717219.240058491006494 ], [ 456831.15666192577919, 6717217.840338870882988 ], [ 456830.806382213137113, 6717217.840058490633965 ], [ 456829.40666192577919, 6717216.440338871441782 ], [ 456829.056382213137113, 6717216.440058491192758 ], [ 456828.706661967502441, 6717216.090338870882988 ], [ 456828.356382213125471, 6717216.090058490633965 ], [ 456828.356382213125471, 6717198.240058491006494 ], [ 456829.40631195117021, 6717197.189989063888788 ], [ 456829.406382213113829, 6717196.840058490633965 ], [ 456830.456382213102188, 6717196.140058491379023 ], [ 456830.806102500471752, 6717196.489780780859292 ], [ 456831.156382213113829, 6717196.490058491006494 ], [ 456832.556661925802473, 6717198.590336200781167 ], [ 456831.856452641950455, 6717199.290127918124199 ], [ 456831.856661925790831, 6717199.640336200594902 ], [ 456831.156452641997021, 6717200.340127918869257 ], [ 456831.15666192577919, 6717200.69033620133996 ], [ 456830.806452475080732, 6717201.040127918124199 ], [ 456830.806661925802473, 6717201.390336200594902 ], [ 456830.106452475069091, 6717202.090127918869257 ], [ 456830.106661925790831, 6717202.44033620133996 ], [ 456829.756452475092374, 6717202.790127918124199 ], [ 456830.106102500460111, 6717204.539780780673027 ], [ 456830.456382213102188, 6717204.540058490820229 ], [ 456831.156102500448469, 6717205.239780780859292 ], [ 456831.506382213148754, 6717205.240058491006494 ], [ 456832.556032071588561, 6717207.33970601297915 ], [ 456832.20673235465074, 6717207.690408298745751 ], [ 456832.293882213125471, 6717208.390058491379023 ], [ 456833.606382213125471, 6717208.390058491379023 ], [ 456833.956102500436828, 6717208.73977811075747 ], [ 456834.306382213137113, 6717208.740058491006494 ], [ 456835.006102500425186, 6717209.439778110943735 ], [ 456835.356382213125471, 6717209.440058491192758 ], [ 456836.406102500448469, 6717210.48977811075747 ], [ 456836.756382213148754, 6717210.490058491006494 ], [ 456837.456102500436828, 6717211.189778110943735 ], [ 456837.806382213137113, 6717211.190058491192758 ], [ 456838.856102500460111, 6717212.23977811075747 ], [ 456839.206382213102188, 6717212.240058491006494 ], [ 456840.536032138334122, 6717213.639708682894707 ], [ 456840.606032405397855, 6717214.339708683080971 ], [ 456839.906452975759748, 6717215.040127918124199 ], [ 456839.906311450467911, 6717215.38998906314373 ], [ 456838.856452308187727, 6717216.440127918496728 ], [ 456838.856312118063215, 6717216.789989063516259 ], [ 456837.806452308199368, 6717217.840127918869257 ], [ 456837.806312118074857, 6717218.189989063888788 ], [ 456836.75645230821101, 6717219.240127918310463 ], [ 456836.756312118086498, 6717219.589989063329995 ], [ 456835.589365516207181, 6717220.75637624040246 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456867.206382213102188, 6717220.640058491379023 ], [ 456865.106732020853087, 6717216.877908298745751 ], [ 456866.156312785635237, 6717216.089989063329995 ], [ 456866.156451640592422, 6717215.740127918310463 ], [ 456867.55631278565852, 6717214.339989063329995 ], [ 456867.556451640615705, 6717213.990127918310463 ], [ 456868.256312785611954, 6717213.289989063516259 ], [ 456868.256451640627347, 6717212.940127918496728 ], [ 456870.848569713125471, 6717209.669745991006494 ], [ 456873.156382213113829, 6717208.740058491006494 ], [ 456873.506104503176175, 6717209.089778110384941 ], [ 456873.856382213125471, 6717209.090058490633965 ], [ 456875.256104503176175, 6717210.48977811075747 ], [ 456875.606382213125471, 6717210.490058491006494 ], [ 456876.65610450314125, 6717211.539778110571206 ], [ 456877.006382213148754, 6717211.540058490820229 ], [ 456879.088881144998595, 6717214.515058491379023 ], [ 456877.006734691152815, 6717215.740408298559487 ], [ 456877.531382213113829, 6717216.615058491006494 ], [ 456875.606451640604064, 6717217.490127918310463 ], [ 456875.60665992309805, 6717217.840338870882988 ], [ 456874.556451640615705, 6717218.890127918682992 ], [ 456874.556659923109692, 6717219.240338871255517 ], [ 456873.156451640592422, 6717220.640127918682992 ], [ 456873.156659923086409, 6717220.990338871255517 ], [ 456871.756451640627347, 6717222.390127918682992 ], [ 456871.756662593397778, 6717222.740338871255517 ], [ 456870.356382213125471, 6717223.090058490633965 ], [ 456868.956662593351211, 6717221.690338871441782 ], [ 456868.606382213125471, 6717221.690058491192758 ], [ 456867.556662593386136, 6717220.640338871628046 ], [ 456867.206382213102188, 6717220.640058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456865.106732020853087, 6717216.877908298745751 ], [ 456864.406732020841446, 6717216.440408298745751 ], [ 456863.706101832853165, 6717216.439778110943735 ], [ 456863.356662593374494, 6717216.090338870882988 ], [ 456863.006382213148754, 6717216.090058490633965 ], [ 456861.956662593351211, 6717215.040338871069252 ], [ 456861.606382213125471, 6717215.040058490820229 ], [ 456860.906662593362853, 6717214.340338870882988 ], [ 456860.556382213137113, 6717214.340058490633965 ], [ 456859.506662593397778, 6717213.290338871069252 ], [ 456859.156382213113829, 6717213.290058490820229 ], [ 456858.456662593351211, 6717212.590338870882988 ], [ 456858.106382213125471, 6717212.590058490633965 ], [ 456857.318882213148754, 6717211.190058491192758 ], [ 456857.756205974088516, 6717210.489882252179086 ], [ 456857.686033473524731, 6717209.789708683267236 ], [ 456859.506312785611954, 6717209.089989063329995 ], [ 456859.506382213148754, 6717208.740058491006494 ], [ 456860.206032405374572, 6717208.039708683267236 ], [ 456859.681382213137113, 6717207.165058490820229 ], [ 456860.906032405386213, 6717206.989706013351679 ], [ 456860.906382213113829, 6717206.640058491379023 ], [ 456861.606312785646878, 6717205.939989063888788 ], [ 456861.606382213125471, 6717205.590058490633965 ], [ 456862.30631278565852, 6717204.88998906314373 ], [ 456862.306382213137113, 6717204.540058490820229 ], [ 456863.356312785646878, 6717203.489989063702524 ], [ 456863.356382213125471, 6717203.140058491379023 ], [ 456864.756382213148754, 6717202.090058490633965 ], [ 456865.106101832876448, 6717202.439780781045556 ], [ 456865.456382213102188, 6717202.440058491192758 ], [ 456866.156101832864806, 6717203.139780781231821 ], [ 456866.506382213148754, 6717203.140058491379023 ], [ 456867.556101832888089, 6717204.189780781045556 ], [ 456867.906382213113829, 6717204.190058491192758 ], [ 456868.606101832876448, 6717204.889780781231821 ], [ 456868.956382213102188, 6717204.890058491379023 ], [ 456870.006101832899731, 6717205.939780781045556 ], [ 456870.356382213125471, 6717205.940058491192758 ], [ 456871.406732020841446, 6717207.340410969220102 ], [ 456870.848569713125471, 6717209.669745991006494 ], [ 456868.256451640627347, 6717212.940127918496728 ], [ 456868.256312785611954, 6717213.289989063516259 ], [ 456867.556451640615705, 6717213.990127918310463 ], [ 456867.55631278565852, 6717214.339989063329995 ], [ 456866.156451640592422, 6717215.740127918310463 ], [ 456866.156312785635237, 6717216.089989063329995 ], [ 456865.106732020853087, 6717216.877908298745751 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.056029735074844, 6717217.4897086834535 ], [ 456877.531382213113829, 6717216.615058491006494 ], [ 456879.10602973512141, 6717216.089708683080971 ], [ 456879.088881144998595, 6717214.515058491379023 ], [ 456880.506382213148754, 6717214.690058491192758 ], [ 456880.856104503152892, 6717215.039778110571206 ], [ 456881.206382213102188, 6717215.040058490820229 ], [ 456881.90610450314125, 6717215.73977811075747 ], [ 456882.256382213148754, 6717215.740058491006494 ], [ 456882.956104503187817, 6717216.439778110943735 ], [ 456883.306382213137113, 6717216.440058491192758 ], [ 456884.356104503152892, 6717217.48977811075747 ], [ 456884.706382213102188, 6717217.490058491006494 ], [ 456885.40610450314125, 6717218.189778110943735 ], [ 456885.756382213148754, 6717218.190058491192758 ], [ 456886.806659923109692, 6717219.940338871441782 ], [ 456886.106451640604064, 6717220.640127918682992 ], [ 456886.10665992309805, 6717220.990338871255517 ], [ 456885.056451640615705, 6717222.040127918124199 ], [ 456885.056659923109692, 6717222.390338871628046 ], [ 456884.356451640604064, 6717223.090127918869257 ], [ 456884.35665992309805, 6717223.440338871441782 ], [ 456883.656451640592422, 6717224.140127918682992 ], [ 456883.656659923086409, 6717224.490338871255517 ], [ 456882.956451640638988, 6717225.190127918496728 ], [ 456882.956659923074767, 6717225.540338871069252 ], [ 456882.256451640627347, 6717226.240127918310463 ], [ 456882.256659923063125, 6717226.590338870882988 ], [ 456881.206451640638988, 6717227.640127918682992 ], [ 456881.206659923074767, 6717227.990338871255517 ], [ 456880.156205974111799, 6717229.039882251992822 ], [ 456879.806659923109692, 6717228.690338871441782 ], [ 456879.106104503152892, 6717228.689778110943735 ], [ 456878.756659923063125, 6717228.340338870882988 ], [ 456878.406382213113829, 6717228.340058490633965 ], [ 456877.706659923074767, 6717227.640338871628046 ], [ 456877.356382213125471, 6717227.640058491379023 ], [ 456876.306659923109692, 6717226.590338870882988 ], [ 456875.956382213102188, 6717226.590058490633965 ], [ 456875.256659923063125, 6717225.890338871628046 ], [ 456874.906382213113829, 6717225.890058491379023 ], [ 456874.206659923074767, 6717225.190338871441782 ], [ 456873.856382213125471, 6717225.190058491192758 ], [ 456873.506382213148754, 6717223.790058490820229 ], [ 456874.206312785623595, 6717223.089989063329995 ], [ 456874.206382213102188, 6717222.740058491006494 ], [ 456875.256312785611954, 6717221.689989063888788 ], [ 456875.256382213148754, 6717221.340058490633965 ], [ 456875.956312785623595, 6717220.63998906314373 ], [ 456875.956382213102188, 6717220.290058490820229 ], [ 456876.656312785635237, 6717219.589989063329995 ], [ 456876.656382213113829, 6717219.240058491006494 ], [ 456877.356312785646878, 6717218.539989063516259 ], [ 456877.356382213125471, 6717218.190058491192758 ], [ 456878.056029735074844, 6717217.4897086834535 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456850.406662593362853, 6717211.190338871441782 ], [ 456849.123048434732482, 6717211.306726047769189 ], [ 456846.78954108763719, 6717208.973214695230126 ], [ 456846.906732020841446, 6717208.390408298932016 ], [ 456847.256311450502835, 6717208.039989063516259 ], [ 456847.256382213148754, 6717207.690058491192758 ], [ 456847.606311450479552, 6717207.339989063329995 ], [ 456847.606382213125471, 6717206.990058491006494 ], [ 456848.656311450467911, 6717205.939989063888788 ], [ 456848.656382213113829, 6717205.590058490633965 ], [ 456850.406382213113829, 6717204.540058490820229 ], [ 456851.106101832876448, 6717205.239780780859292 ], [ 456851.456382213102188, 6717205.240058491006494 ], [ 456852.156101832864806, 6717205.939780781045556 ], [ 456852.506382213148754, 6717205.940058491192758 ], [ 456853.206101832853165, 6717206.639780781231821 ], [ 456853.556382213137113, 6717206.640058491379023 ], [ 456854.256101832899731, 6717207.339780781418085 ], [ 456854.606382213125471, 6717207.340058490633965 ], [ 456855.306101832888089, 6717208.039778110571206 ], [ 456855.656382213113829, 6717208.040058490820229 ], [ 456856.356101832876448, 6717208.73977811075747 ], [ 456856.706382213102188, 6717208.740058491006494 ], [ 456857.686033473524731, 6717209.789708683267236 ], [ 456857.756205974088516, 6717210.489882252179086 ], [ 456857.318882213148754, 6717211.190058491192758 ], [ 456855.656451640592422, 6717212.240127918310463 ], [ 456855.656662593362853, 6717212.590338870882988 ], [ 456854.256101832899731, 6717213.639778111129999 ], [ 456853.906662593362853, 6717213.290338871069252 ], [ 456853.206382213102188, 6717213.290058490820229 ], [ 456852.506662593397778, 6717212.590338870882988 ], [ 456852.156382213113829, 6717212.590058490633965 ], [ 456851.456662593351211, 6717211.890338871628046 ], [ 456851.106382213125471, 6717211.890058491379023 ], [ 456850.406662593362853, 6717211.190338871441782 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456859.681382213137113, 6717207.165058490820229 ], [ 456857.756382213148754, 6717206.990058491006494 ], [ 456857.056662593386136, 6717206.290336200967431 ], [ 456856.706382213102188, 6717206.290058490820229 ], [ 456856.356662593374494, 6717205.94033620133996 ], [ 456856.006382213148754, 6717205.940058491192758 ], [ 456855.656662593362853, 6717205.590336200781167 ], [ 456855.306382213137113, 6717205.590058490633965 ], [ 456854.956662593351211, 6717205.240336201153696 ], [ 456854.606382213125471, 6717205.240058491006494 ], [ 456854.256662593397778, 6717204.890336200594902 ], [ 456853.906382213113829, 6717204.890058491379023 ], [ 456853.206662593351211, 6717204.19033620133996 ], [ 456852.856382213125471, 6717204.190058491192758 ], [ 456852.156382213113829, 6717202.790058490820229 ], [ 456852.506312785611954, 6717202.439989063888788 ], [ 456852.506382213148754, 6717202.090058490633965 ], [ 456852.856312785646878, 6717201.739989063702524 ], [ 456852.856382213125471, 6717201.390058491379023 ], [ 456853.206312785623595, 6717201.039989063516259 ], [ 456853.206382213102188, 6717200.690058491192758 ], [ 456853.55631278565852, 6717200.339989063329995 ], [ 456853.556382213137113, 6717199.990058491006494 ], [ 456854.256312785611954, 6717199.289989063516259 ], [ 456854.256382213148754, 6717198.940058491192758 ], [ 456854.606312785646878, 6717198.589989063329995 ], [ 456854.606382213125471, 6717198.240058491006494 ], [ 456854.956312785623595, 6717197.88998906314373 ], [ 456854.956382213102188, 6717197.540058490820229 ], [ 456855.30631278565852, 6717197.189989063888788 ], [ 456855.306382213137113, 6717196.840058490633965 ], [ 456856.706382213102188, 6717196.140058491379023 ], [ 456857.406101832864806, 6717196.839780781418085 ], [ 456857.756382213148754, 6717196.840058490633965 ], [ 456858.106101832876448, 6717197.189780781045556 ], [ 456858.456382213102188, 6717197.190058491192758 ], [ 456859.156101832864806, 6717197.889780781231821 ], [ 456859.506382213148754, 6717197.890058491379023 ], [ 456859.856101832876448, 6717198.239780780859292 ], [ 456860.206382213102188, 6717198.240058491006494 ], [ 456860.906101832864806, 6717198.939780781045556 ], [ 456861.256382213148754, 6717198.940058491192758 ], [ 456861.606101832876448, 6717199.289780780673027 ], [ 456861.956382213102188, 6717199.290058490820229 ], [ 456862.656662593362853, 6717200.340336200781167 ], [ 456862.306451640615705, 6717200.690127918496728 ], [ 456862.306662593386136, 6717201.390336200594902 ], [ 456861.956451640638988, 6717201.740127918310463 ], [ 456861.956662593351211, 6717202.090336200781167 ], [ 456861.256451640627347, 6717202.790127918124199 ], [ 456861.256662593397778, 6717203.140336200594902 ], [ 456860.906451640592422, 6717203.490127918310463 ], [ 456860.906662593362853, 6717203.840336200781167 ], [ 456860.556451640615705, 6717204.190127918496728 ], [ 456860.556662593386136, 6717204.540336200967431 ], [ 456859.856451640604064, 6717205.240127918310463 ], [ 456859.856662593374494, 6717205.590336200781167 ], [ 456859.506451640627347, 6717205.940127918496728 ], [ 456859.681382213137113, 6717207.165058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.873404918180313, 6717206.873746082186699 ], [ 456955.406382213113829, 6717207.340058490633965 ], [ 456955.406659923086409, 6717207.690338871441782 ], [ 456954.35645698121516, 6717208.740127918310463 ], [ 456954.35665992309805, 6717209.090338870882988 ], [ 456952.956456981191877, 6717210.490127918310463 ], [ 456952.956659923074767, 6717210.840338870882988 ], [ 456951.206211314711254, 6717212.589882251806557 ], [ 456950.85665992309805, 6717212.240338871255517 ], [ 456950.156382213113829, 6717212.240058491006494 ], [ 456948.056659923109692, 6717210.140338871628046 ], [ 456947.706382213102188, 6717210.140058491379023 ], [ 456947.006553111539688, 6717209.090234730392694 ], [ 456947.356307445035782, 6717208.739989063702524 ], [ 456947.356382213125471, 6717208.040058490820229 ], [ 456948.406307445082348, 6717206.989989063702524 ], [ 456948.406382213113829, 6717206.640058491379023 ], [ 456949.806307445047423, 6717205.239989063702524 ], [ 456949.806382213137113, 6717204.890058491379023 ], [ 456950.856307445035782, 6717203.839989063329995 ], [ 456950.856382213125471, 6717203.490058491006494 ], [ 456951.789711986086331, 6717203.023393604904413 ], [ 456952.606104503152892, 6717203.839780781418085 ], [ 456952.956659923074767, 6717203.840336200781167 ], [ 456954.706104503187817, 6717205.589780781418085 ], [ 456955.056659923109692, 6717205.590336200781167 ], [ 456955.873404918180313, 6717206.873746082186699 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456956.806659923109692, 6717206.990336201153696 ], [ 456955.873404918180313, 6717206.873746082186699 ], [ 456955.056659923109692, 6717205.590336200781167 ], [ 456954.706104503187817, 6717205.589780781418085 ], [ 456952.956659923074767, 6717203.840336200781167 ], [ 456952.606104503152892, 6717203.839780781418085 ], [ 456951.789711986086331, 6717203.023393604904413 ], [ 456952.256382213148754, 6717202.440058491192758 ], [ 456952.256382213148754, 6717201.740058491006494 ], [ 456953.656307445082348, 6717200.339989063329995 ], [ 456953.656382213113829, 6717199.990058491006494 ], [ 456954.006029735086486, 6717199.639706012792885 ], [ 456954.006382213148754, 6717198.940058491192758 ], [ 456954.356734691129532, 6717198.327910969033837 ], [ 456955.756659923063125, 6717197.19033620133996 ], [ 456955.756382213148754, 6717196.840058490633965 ], [ 456957.156659923086409, 6717195.44033620133996 ], [ 456957.156382213113829, 6717195.090058490633965 ], [ 456958.906659923086409, 6717193.340336200781167 ], [ 456958.906382213113829, 6717192.990058491006494 ], [ 456960.306659923109692, 6717191.590336200781167 ], [ 456960.306382213137113, 6717191.240058491006494 ], [ 456962.522699962137267, 6717189.023041126318276 ], [ 456963.106382213125471, 6717189.140058491379023 ], [ 456963.456382213102188, 6717189.490058491006494 ], [ 456963.806659923109692, 6717189.490336201153696 ], [ 456965.206382213102188, 6717190.890058491379023 ], [ 456965.556659923109692, 6717190.890336200594902 ], [ 456966.956382213102188, 6717192.290058490820229 ], [ 456967.306659923109692, 6717192.290336200967431 ], [ 456968.706382213102188, 6717193.690058491192758 ], [ 456969.056659923109692, 6717193.69033620133996 ], [ 456971.156659923086409, 6717196.140336200594902 ], [ 456970.806456981168594, 6717196.490127918310463 ], [ 456970.806659923109692, 6717196.840336200781167 ], [ 456969.406456981203519, 6717198.240127918310463 ], [ 456969.406659923086409, 6717198.590336200781167 ], [ 456968.006456981180236, 6717199.990127918310463 ], [ 456968.006659923063125, 6717200.340336200781167 ], [ 456966.60645698121516, 6717201.740127918310463 ], [ 456966.60665992309805, 6717202.090336200781167 ], [ 456965.206456981191877, 6717203.490127918310463 ], [ 456965.206659923074767, 6717203.840336200781167 ], [ 456963.806456981168594, 6717205.240127918310463 ], [ 456963.806659923109692, 6717205.590336200781167 ], [ 456962.406456981203519, 6717206.990127918310463 ], [ 456962.406659923086409, 6717207.340336200781167 ], [ 456961.006456981180236, 6717208.740127918310463 ], [ 456961.006659923063125, 6717209.090338870882988 ], [ 456959.956104503187817, 6717209.439778110943735 ], [ 456959.60665992309805, 6717209.090338870882988 ], [ 456959.256382213148754, 6717209.090058490633965 ], [ 456957.85665992309805, 6717207.690338871441782 ], [ 456957.506382213148754, 6717207.690058491192758 ], [ 456956.806659923109692, 6717206.990336201153696 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456954.356734691129532, 6717198.327910969033837 ], [ 456953.656734691176098, 6717197.890410969033837 ], [ 456952.956382213102188, 6717197.890058491379023 ], [ 456950.85665992309805, 6717195.790336200967431 ], [ 456950.506382213148754, 6717195.790058490820229 ], [ 456948.406659923086409, 6717193.69033620133996 ], [ 456948.056382213137113, 6717193.690058491192758 ], [ 456945.956659923074767, 6717191.590336200781167 ], [ 456945.606382213125471, 6717191.590058490633965 ], [ 456944.906553111562971, 6717190.540234729647636 ], [ 456945.256307445059065, 6717190.189989063888788 ], [ 456945.256456981180236, 6717189.490127918310463 ], [ 456947.006029735086486, 6717187.739706013351679 ], [ 456947.006456981180236, 6717187.390127918682992 ], [ 456948.756029735086486, 6717185.639706012792885 ], [ 456948.756456981180236, 6717185.290127918124199 ], [ 456950.506029735086486, 6717183.539706013165414 ], [ 456950.506456981180236, 6717183.190127918496728 ], [ 456952.256029735086486, 6717181.439706012606621 ], [ 456952.256456981180236, 6717181.090127918869257 ], [ 456953.656382213113829, 6717180.390058491379023 ], [ 456954.356104503152892, 6717181.089780781418085 ], [ 456954.706382213102188, 6717181.090058490633965 ], [ 456956.806104503164534, 6717183.189780781045556 ], [ 456957.156382213113829, 6717183.190058491192758 ], [ 456959.256104503176175, 6717185.289780780673027 ], [ 456959.606382213125471, 6717185.290058490820229 ], [ 456961.706104503187817, 6717187.389780781231821 ], [ 456962.056382213137113, 6717187.390058491379023 ], [ 456962.522699962137267, 6717189.023041126318276 ], [ 456960.306382213137113, 6717191.240058491006494 ], [ 456960.306659923109692, 6717191.590336200781167 ], [ 456958.906382213113829, 6717192.990058491006494 ], [ 456958.906659923086409, 6717193.340336200781167 ], [ 456957.156382213113829, 6717195.090058490633965 ], [ 456957.156659923086409, 6717195.44033620133996 ], [ 456955.756382213148754, 6717196.840058490633965 ], [ 456955.756659923063125, 6717197.19033620133996 ], [ 456954.356734691129532, 6717198.327910969033837 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456918.306307445047423, 6717197.539989063516259 ], [ 456918.306382213137113, 6717196.840058490633965 ], [ 456919.706382213102188, 6717196.140058491379023 ], [ 456920.056104503164534, 6717196.489780780859292 ], [ 456920.406382213113829, 6717196.490058491006494 ], [ 456920.756382213148754, 6717196.840058490633965 ], [ 456921.10665992309805, 6717196.840336200781167 ], [ 456921.806382213137113, 6717197.540058490820229 ], [ 456922.156659923086409, 6717197.540336200967431 ], [ 456922.856382213125471, 6717198.240058491006494 ], [ 456923.206659923074767, 6717198.240336201153696 ], [ 456923.906382213113829, 6717198.940058491192758 ], [ 456924.256659923063125, 6717198.94033620133996 ], [ 456924.956382213102188, 6717199.640058491379023 ], [ 456925.306659923109692, 6717199.640336200594902 ], [ 456926.006382213148754, 6717200.340058490633965 ], [ 456926.35665992309805, 6717200.340336200781167 ], [ 456927.056382213137113, 6717201.040058490820229 ], [ 456927.406659923086409, 6717201.040336200967431 ], [ 456928.456659923074767, 6717202.790336200967431 ], [ 456927.406456981203519, 6717203.840127918869257 ], [ 456927.406659923086409, 6717204.19033620133996 ], [ 456926.706456981191877, 6717204.890127918682992 ], [ 456926.706659923074767, 6717205.240336201153696 ], [ 456926.006456981180236, 6717205.940127918496728 ], [ 456926.006659923063125, 6717206.290336200967431 ], [ 456924.956456981191877, 6717207.340127918869257 ], [ 456924.956659923074767, 6717207.690338871441782 ], [ 456924.256456981180236, 6717208.390127918682992 ], [ 456924.256659923063125, 6717208.740338871255517 ], [ 456923.556456981168594, 6717209.440127918496728 ], [ 456923.556659923109692, 6717209.790338871069252 ], [ 456922.156211314664688, 6717211.189882252365351 ], [ 456921.806659923109692, 6717210.840338870882988 ], [ 456921.106104503152892, 6717210.839778110384941 ], [ 456920.406659923086409, 6717210.140338871628046 ], [ 456920.056382213137113, 6717210.140058491379023 ], [ 456919.35665992309805, 6717209.440338871441782 ], [ 456919.006382213148754, 6717209.440058491192758 ], [ 456917.956659923074767, 6717208.390338871628046 ], [ 456917.606382213125471, 6717208.390058491379023 ], [ 456916.556659923109692, 6717207.340336200781167 ], [ 456916.206382213102188, 6717207.340058490633965 ], [ 456915.506659923063125, 6717206.640336200594902 ], [ 456915.156382213113829, 6717206.640058491379023 ], [ 456914.10665992309805, 6717205.590336200781167 ], [ 456913.756382213148754, 6717205.590058490633965 ], [ 456913.406382213113829, 6717204.190058491192758 ], [ 456914.106312785646878, 6717203.489989063702524 ], [ 456914.106382213125471, 6717203.140058491379023 ], [ 456915.156312785635237, 6717202.089989063329995 ], [ 456915.156382213113829, 6717201.740058491006494 ], [ 456915.856312785646878, 6717201.039989063516259 ], [ 456915.856382213125471, 6717200.690058491192758 ], [ 456916.55631278565852, 6717199.989989063702524 ], [ 456916.556382213137113, 6717199.640058491379023 ], [ 456917.256312785611954, 6717198.939989063888788 ], [ 456917.256382213148754, 6717198.590058490633965 ], [ 456918.306307445047423, 6717197.539989063516259 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456918.656382213113829, 6717196.140058491379023 ], [ 456917.606734691129532, 6717195.790410969406366 ], [ 456916.906382213113829, 6717195.790058490820229 ], [ 456916.206659923074767, 6717195.090336200781167 ], [ 456915.856382213125471, 6717195.090058490633965 ], [ 456915.156659923086409, 6717194.390336200594902 ], [ 456913.406451640592422, 6717195.440127918496728 ], [ 456913.406659923086409, 6717195.790336200967431 ], [ 456913.056451640615705, 6717196.140127918682992 ], [ 456913.056659923109692, 6717196.490336201153696 ], [ 456911.65610450314125, 6717197.539780780673027 ], [ 456911.306659923109692, 6717197.19033620133996 ], [ 456910.606382213125471, 6717197.190058491192758 ], [ 456909.906659923086409, 6717196.490336201153696 ], [ 456909.556382213137113, 6717196.490058491006494 ], [ 456908.85665992309805, 6717195.790336200967431 ], [ 456908.506382213148754, 6717195.790058490820229 ], [ 456906.791736827406567, 6717194.635409900918603 ], [ 456907.806382213137113, 6717194.040058490820229 ], [ 456907.806382213137113, 6717193.690058491192758 ], [ 456908.156312785635237, 6717193.339989063329995 ], [ 456908.156382213113829, 6717192.990058491006494 ], [ 456909.206312785623595, 6717191.939989063888788 ], [ 456909.206382213102188, 6717191.590058490633965 ], [ 456909.906312785635237, 6717190.88998906314373 ], [ 456909.906382213113829, 6717190.540058490820229 ], [ 456910.606312785646878, 6717189.839989063329995 ], [ 456910.606382213125471, 6717189.490058491006494 ], [ 456911.656312785635237, 6717188.439989063888788 ], [ 456911.656382213113829, 6717188.090058490633965 ], [ 456913.056382213137113, 6717187.040058490820229 ], [ 456913.40610450314125, 6717187.389780781231821 ], [ 456913.756382213148754, 6717187.390058491379023 ], [ 456914.106382213125471, 6717187.740058491006494 ], [ 456914.456659923074767, 6717187.740336201153696 ], [ 456915.156382213113829, 6717188.440058491192758 ], [ 456915.506659923063125, 6717188.44033620133996 ], [ 456916.206382213102188, 6717189.140058491379023 ], [ 456916.556659923109692, 6717189.140336200594902 ], [ 456917.256382213148754, 6717189.840058490633965 ], [ 456917.60665992309805, 6717189.840336200781167 ], [ 456918.306382213137113, 6717190.540058490820229 ], [ 456918.656659923086409, 6717190.540336200967431 ], [ 456919.356382213125471, 6717191.240058491006494 ], [ 456919.706659923074767, 6717191.240336201153696 ], [ 456920.756659923063125, 6717192.990336201153696 ], [ 456920.056456981168594, 6717193.690127918496728 ], [ 456920.056659923109692, 6717194.040336200967431 ], [ 456919.35645698121516, 6717194.740127918310463 ], [ 456919.35602973512141, 6717195.439706012606621 ], [ 456918.656382213113829, 6717196.140058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456906.791736827406567, 6717194.635409900918603 ], [ 456905.006451640627347, 6717196.490127918310463 ], [ 456905.006659923063125, 6717196.840336200781167 ], [ 456903.956451640638988, 6717197.890127918682992 ], [ 456903.956659923074767, 6717198.240336201153696 ], [ 456903.256451640627347, 6717198.940127918496728 ], [ 456903.256659923063125, 6717199.290336200967431 ], [ 456902.206451640638988, 6717200.340127918869257 ], [ 456902.206659923074767, 6717200.69033620133996 ], [ 456900.806205974135082, 6717202.089882251806557 ], [ 456900.456659923074767, 6717201.740336201153696 ], [ 456899.756104503176175, 6717201.739780780859292 ], [ 456899.406659923086409, 6717201.390336200594902 ], [ 456899.056382213137113, 6717201.390058491379023 ], [ 456898.006659923063125, 6717200.340336200781167 ], [ 456897.656382213113829, 6717200.340058490633965 ], [ 456896.956659923074767, 6717199.640336200594902 ], [ 456896.606382213125471, 6717199.640058491379023 ], [ 456895.556659923109692, 6717198.590336200781167 ], [ 456895.206382213102188, 6717198.590058490633965 ], [ 456894.506659923063125, 6717197.890336200594902 ], [ 456894.156382213113829, 6717197.890058491379023 ], [ 456893.806382213137113, 6717196.490058491006494 ], [ 456894.506312785611954, 6717195.789989063516259 ], [ 456894.506382213148754, 6717195.440058491192758 ], [ 456895.55631278565852, 6717194.38998906314373 ], [ 456895.673399577615783, 6717193.457075855694711 ], [ 456896.256029735086486, 6717192.989706013351679 ], [ 456896.256382213148754, 6717192.640058491379023 ], [ 456897.306029735074844, 6717191.58970601297915 ], [ 456897.306382213137113, 6717191.240058491006494 ], [ 456898.35602973512141, 6717190.189706012606621 ], [ 456898.356382213125471, 6717189.840058490633965 ], [ 456899.056558452139143, 6717189.402734730392694 ], [ 456899.756029735086486, 6717189.83970601297915 ], [ 456900.106382213125471, 6717189.840058490633965 ], [ 456901.15610450314125, 6717190.889780781231821 ], [ 456901.506382213148754, 6717190.890058491379023 ], [ 456902.556382213137113, 6717191.940058491192758 ], [ 456902.906659923086409, 6717191.94033620133996 ], [ 456904.306104503164534, 6717193.339780781418085 ], [ 456904.656382213113829, 6717193.340058490633965 ], [ 456906.791736827406567, 6717194.635409900918603 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456895.673399577615783, 6717193.457075855694711 ], [ 456895.206734691164456, 6717192.990410968661308 ], [ 456894.856382213125471, 6717192.990058491006494 ], [ 456894.156659923086409, 6717192.290336200967431 ], [ 456893.806382213137113, 6717192.290058490820229 ], [ 456893.10665992309805, 6717191.590336200781167 ], [ 456892.756382213148754, 6717191.590058490633965 ], [ 456892.056659923109692, 6717190.890336200594902 ], [ 456891.706382213102188, 6717190.890058491379023 ], [ 456890.306558452139143, 6717189.490234729833901 ], [ 456890.656312785635237, 6717189.13998906314373 ], [ 456890.656382213113829, 6717188.440058491192758 ], [ 456892.05631278565852, 6717187.039989063516259 ], [ 456892.056382213137113, 6717186.690058491192758 ], [ 456893.10602973512141, 6717185.639706012792885 ], [ 456893.106451640604064, 6717185.290127918124199 ], [ 456894.506312785611954, 6717183.88998906314373 ], [ 456894.506382213148754, 6717183.540058490820229 ], [ 456895.906312785635237, 6717182.13998906314373 ], [ 456895.906382213113829, 6717181.790058490820229 ], [ 456896.956382213102188, 6717181.440058491192758 ], [ 456897.306104503164534, 6717181.789780780673027 ], [ 456897.656382213113829, 6717181.790058490820229 ], [ 456898.706104503187817, 6717182.839780781418085 ], [ 456899.056382213137113, 6717182.840058490633965 ], [ 456899.756104503176175, 6717183.539780780673027 ], [ 456900.106382213125471, 6717183.540058490820229 ], [ 456901.506659923063125, 6717185.290336200967431 ], [ 456901.156451640592422, 6717185.640127918682992 ], [ 456901.156659923086409, 6717185.990336201153696 ], [ 456900.106451640604064, 6717187.040127918124199 ], [ 456900.10665992309805, 6717187.390336200594902 ], [ 456899.406451640592422, 6717188.090127918869257 ], [ 456899.406382213113829, 6717188.790058490820229 ], [ 456899.056558452139143, 6717189.402734730392694 ], [ 456898.356382213125471, 6717189.840058490633965 ], [ 456898.35602973512141, 6717190.189706012606621 ], [ 456897.306382213137113, 6717191.240058491006494 ], [ 456897.306029735074844, 6717191.58970601297915 ], [ 456896.256382213148754, 6717192.640058491379023 ], [ 456896.256029735086486, 6717192.989706013351679 ], [ 456895.673399577615783, 6717193.457075855694711 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456869.306382213137113, 6717181.440058491192758 ], [ 456868.606382213125471, 6717180.040058490820229 ], [ 456870.356312785646878, 6717178.289989063516259 ], [ 456870.356451640604064, 6717177.940127918496728 ], [ 456871.406312785635237, 6717176.88998906314373 ], [ 456871.406451640592422, 6717176.540127918124199 ], [ 456872.106312785646878, 6717175.839989063329995 ], [ 456872.106451640604064, 6717175.490127918310463 ], [ 456872.80631278565852, 6717174.789989063516259 ], [ 456872.923399577615783, 6717173.857075855135918 ], [ 456874.906312785635237, 6717172.339989063329995 ], [ 456874.906382213113829, 6717171.990058491006494 ], [ 456875.606312785646878, 6717171.289989063516259 ], [ 456875.606382213125471, 6717170.940058491192758 ], [ 456876.656312785635237, 6717169.88998906314373 ], [ 456876.656382213113829, 6717169.540058490820229 ], [ 456878.28971732663922, 6717168.023393604904413 ], [ 456878.756029735086486, 6717168.489706013351679 ], [ 456879.106382213125471, 6717168.490058491006494 ], [ 456879.806104503164534, 6717169.189780781045556 ], [ 456880.156382213113829, 6717169.190058491192758 ], [ 456881.206104503187817, 6717170.239780780859292 ], [ 456881.556382213137113, 6717170.240058491006494 ], [ 456882.256104503176175, 6717170.939780781045556 ], [ 456882.606382213125471, 6717170.940058491192758 ], [ 456883.306104503164534, 6717171.639780781231821 ], [ 456883.656382213113829, 6717171.640058491379023 ], [ 456884.706104503187817, 6717172.689780781045556 ], [ 456885.056382213137113, 6717172.690058491192758 ], [ 456886.10665992309805, 6717174.44033620133996 ], [ 456885.056451640615705, 6717175.490127918310463 ], [ 456885.056659923109692, 6717175.840336200781167 ], [ 456884.006451640627347, 6717176.890127918682992 ], [ 456884.006659923063125, 6717177.240336201153696 ], [ 456883.306451640615705, 6717177.940127918496728 ], [ 456883.306659923109692, 6717178.290336200967431 ], [ 456882.256451640627347, 6717179.340127918869257 ], [ 456882.256659923063125, 6717179.69033620133996 ], [ 456881.206451640638988, 6717180.740127918310463 ], [ 456881.206659923074767, 6717181.090336200781167 ], [ 456880.156451640592422, 6717182.140127918682992 ], [ 456880.156659923086409, 6717182.490336201153696 ], [ 456879.456451640638988, 6717183.190127918496728 ], [ 456879.456659923074767, 6717183.540336200967431 ], [ 456878.406451640592422, 6717184.590127918869257 ], [ 456878.406659923086409, 6717184.94033620133996 ], [ 456877.006205974088516, 6717186.339882251806557 ], [ 456876.656659923086409, 6717185.990336201153696 ], [ 456875.956104503187817, 6717185.989780780859292 ], [ 456875.60665992309805, 6717185.640336200594902 ], [ 456875.256382213148754, 6717185.640058491379023 ], [ 456874.206659923074767, 6717184.590336200781167 ], [ 456873.856382213125471, 6717184.590058490633965 ], [ 456873.156659923086409, 6717183.890336200594902 ], [ 456872.806382213137113, 6717183.890058491379023 ], [ 456872.106662593374494, 6717183.19033620133996 ], [ 456871.756382213148754, 6717183.190058491192758 ], [ 456870.706662593351211, 6717182.140336200594902 ], [ 456870.356382213125471, 6717182.140058491379023 ], [ 456869.656662593362853, 6717181.44033620133996 ], [ 456869.306382213137113, 6717181.440058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.606382213125471, 6717180.040058490820229 ], [ 456868.256662593397778, 6717179.69033620133996 ], [ 456867.556101832888089, 6717179.689780781045556 ], [ 456867.206662593351211, 6717179.340336200781167 ], [ 456866.856382213125471, 6717179.340058490633965 ], [ 456866.156662593362853, 6717178.640336200594902 ], [ 456865.806382213137113, 6717178.640058491379023 ], [ 456865.106662593374494, 6717177.94033620133996 ], [ 456864.756382213148754, 6717177.940058491192758 ], [ 456864.056662593386136, 6717177.240336201153696 ], [ 456863.706382213102188, 6717177.240058491006494 ], [ 456863.006662593397778, 6717176.540336200967431 ], [ 456862.656382213113829, 6717176.540058490820229 ], [ 456861.956662593351211, 6717175.840336200781167 ], [ 456861.606382213125471, 6717175.840058490633965 ], [ 456860.906662593362853, 6717175.140336200594902 ], [ 456860.556382213137113, 6717175.140058491379023 ], [ 456859.740064464102034, 6717173.507075855508447 ], [ 456860.906662593362853, 6717172.340336200781167 ], [ 456860.906382213113829, 6717171.990058491006494 ], [ 456861.956662593351211, 6717170.94033620133996 ], [ 456861.956382213102188, 6717170.590058490633965 ], [ 456862.656662593362853, 6717169.890336200594902 ], [ 456862.656382213113829, 6717169.540058490820229 ], [ 456864.17269996216055, 6717168.023041126318276 ], [ 456864.756382213148754, 6717168.140058491379023 ], [ 456865.106101832876448, 6717168.489780780859292 ], [ 456865.456382213102188, 6717168.490058491006494 ], [ 456866.156101832864806, 6717169.189780781045556 ], [ 456866.506382213148754, 6717169.190058491192758 ], [ 456867.206101832853165, 6717169.889780781231821 ], [ 456867.556382213137113, 6717169.890058491379023 ], [ 456868.256101832899731, 6717170.589780781418085 ], [ 456868.606382213125471, 6717170.590058490633965 ], [ 456869.306101832888089, 6717171.289780780673027 ], [ 456869.656382213113829, 6717171.290058490820229 ], [ 456870.356101832876448, 6717171.989780780859292 ], [ 456870.706382213102188, 6717171.990058491006494 ], [ 456871.406101832864806, 6717172.689780781045556 ], [ 456871.756382213148754, 6717172.690058491192758 ], [ 456872.923399577615783, 6717173.857075855135918 ], [ 456872.80631278565852, 6717174.789989063516259 ], [ 456872.106451640604064, 6717175.490127918310463 ], [ 456872.106312785646878, 6717175.839989063329995 ], [ 456871.406451640592422, 6717176.540127918124199 ], [ 456871.406312785635237, 6717176.88998906314373 ], [ 456870.356451640604064, 6717177.940127918496728 ], [ 456870.356312785646878, 6717178.289989063516259 ], [ 456868.606382213125471, 6717180.040058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456935.456382213102188, 6717180.740058491006494 ], [ 456933.618529735074844, 6717178.639706012792885 ], [ 456933.706734691164456, 6717177.940410968847573 ], [ 456935.10665992309805, 6717176.540336200967431 ], [ 456935.106382213125471, 6717176.190058491192758 ], [ 456936.156659923086409, 6717175.140336200594902 ], [ 456936.156382213113829, 6717174.790058490820229 ], [ 456937.206659923074767, 6717173.740336201153696 ], [ 456937.206382213102188, 6717173.390058491379023 ], [ 456938.60665992309805, 6717171.990336201153696 ], [ 456938.606382213125471, 6717171.640058491379023 ], [ 456939.423404918226879, 6717170.823746082372963 ], [ 456940.356382213125471, 6717170.940058491192758 ], [ 456940.706382213102188, 6717171.290058490820229 ], [ 456941.056659923109692, 6717171.290336200967431 ], [ 456942.456382213102188, 6717172.690058491192758 ], [ 456942.806659923109692, 6717172.69033620133996 ], [ 456944.206382213102188, 6717174.090058490633965 ], [ 456944.556659923109692, 6717174.090336200781167 ], [ 456946.656659923086409, 6717176.540336200967431 ], [ 456946.306456981168594, 6717176.890127918682992 ], [ 456946.306659923109692, 6717177.240336201153696 ], [ 456944.556456981168594, 6717178.990127918310463 ], [ 456944.556659923109692, 6717179.340336200781167 ], [ 456942.806456981168594, 6717181.090127918869257 ], [ 456942.806659923109692, 6717181.44033620133996 ], [ 456941.056456981168594, 6717183.190127918496728 ], [ 456941.056659923109692, 6717183.540336200967431 ], [ 456939.656382213113829, 6717183.890058491379023 ], [ 456938.60665992309805, 6717182.840336200781167 ], [ 456938.256382213148754, 6717182.840058490633965 ], [ 456937.206659923074767, 6717181.790336200967431 ], [ 456936.856382213125471, 6717181.790058490820229 ], [ 456935.806659923109692, 6717180.740336201153696 ], [ 456935.456382213102188, 6717180.740058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456933.618529735074844, 6717178.639706012792885 ], [ 456933.006734691152815, 6717178.290410969406366 ], [ 456932.306382213137113, 6717178.290058490820229 ], [ 456931.256659923063125, 6717177.240336201153696 ], [ 456930.906382213113829, 6717177.240058491006494 ], [ 456929.506659923063125, 6717175.840336200781167 ], [ 456929.156382213113829, 6717175.840058490633965 ], [ 456928.10665992309805, 6717174.790336200967431 ], [ 456927.756382213148754, 6717174.790058490820229 ], [ 456925.91852973512141, 6717172.689706012606621 ], [ 456926.006382213148754, 6717171.990058491006494 ], [ 456926.706659923074767, 6717171.290336200967431 ], [ 456926.706382213102188, 6717170.940058491192758 ], [ 456927.756659923063125, 6717169.890336200594902 ], [ 456927.756382213148754, 6717169.540058490820229 ], [ 456929.156659923086409, 6717168.140336200594902 ], [ 456929.156382213113829, 6717167.790058490820229 ], [ 456930.206659923074767, 6717166.740336201153696 ], [ 456930.206382213102188, 6717166.390058491379023 ], [ 456931.256382213148754, 6717165.340058490633965 ], [ 456931.256382213148754, 6717164.990058491006494 ], [ 456931.723052440152969, 6717164.523393604904413 ], [ 456932.656382213113829, 6717164.640058491379023 ], [ 456933.006104503176175, 6717164.989780780859292 ], [ 456933.356382213125471, 6717164.990058491006494 ], [ 456934.40610450314125, 6717166.039780780673027 ], [ 456934.756382213148754, 6717166.040058490820229 ], [ 456935.806382213137113, 6717167.090058490633965 ], [ 456936.156659923086409, 6717167.090336200781167 ], [ 456937.556104503164534, 6717168.489780780859292 ], [ 456937.906382213113829, 6717168.490058491006494 ], [ 456939.423404918226879, 6717170.823746082372963 ], [ 456938.606382213125471, 6717171.640058491379023 ], [ 456938.60665992309805, 6717171.990336201153696 ], [ 456937.206382213102188, 6717173.390058491379023 ], [ 456937.206659923074767, 6717173.740336201153696 ], [ 456936.156382213113829, 6717174.790058490820229 ], [ 456936.156659923086409, 6717175.140336200594902 ], [ 456935.106382213125471, 6717176.190058491192758 ], [ 456935.10665992309805, 6717176.540336200967431 ], [ 456933.706734691164456, 6717177.940410968847573 ], [ 456933.618529735074844, 6717178.639706012792885 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456859.740064464102034, 6717173.507075855508447 ], [ 456859.156732020841446, 6717173.040410969406366 ], [ 456858.456101832853165, 6717173.039780780673027 ], [ 456858.106662593374494, 6717172.69033620133996 ], [ 456857.756382213148754, 6717172.690058491192758 ], [ 456857.056662593386136, 6717171.990336201153696 ], [ 456856.706382213102188, 6717171.990058491006494 ], [ 456856.006662593397778, 6717171.290336200967431 ], [ 456855.656382213113829, 6717171.290058490820229 ], [ 456854.956662593351211, 6717170.590336200781167 ], [ 456854.606382213125471, 6717170.590058490633965 ], [ 456853.556382213137113, 6717168.840058490633965 ], [ 456854.256312785611954, 6717168.13998906314373 ], [ 456854.256382213148754, 6717167.790058490820229 ], [ 456854.956312785623595, 6717167.089989063329995 ], [ 456854.956382213102188, 6717166.740058491006494 ], [ 456855.656312785635237, 6717166.039989063516259 ], [ 456855.656382213113829, 6717165.690058491192758 ], [ 456856.356312785646878, 6717164.989989063702524 ], [ 456856.356382213125471, 6717164.640058491379023 ], [ 456857.05631278565852, 6717163.939989063888788 ], [ 456857.056382213137113, 6717163.590058490633965 ], [ 456857.756312785611954, 6717162.889983722940087 ], [ 456857.756382213148754, 6717162.540058490820229 ], [ 456859.156382213113829, 6717161.490058491006494 ], [ 456859.506101832899731, 6717161.839780781418085 ], [ 456859.856382213125471, 6717161.840058490633965 ], [ 456860.556101832888089, 6717162.539780780673027 ], [ 456860.906382213113829, 6717162.540058490820229 ], [ 456861.956101832853165, 6717163.589780781418085 ], [ 456862.306382213137113, 6717163.590058490633965 ], [ 456863.356101832876448, 6717164.639780781231821 ], [ 456863.706382213102188, 6717164.640058491379023 ], [ 456864.756662593397778, 6717166.390336200594902 ], [ 456864.406451640592422, 6717166.740127918310463 ], [ 456864.406032405386213, 6717167.08970601297915 ], [ 456864.056732020864729, 6717167.440410968847573 ], [ 456864.17269996216055, 6717168.023041126318276 ], [ 456862.656382213113829, 6717169.540058490820229 ], [ 456862.656662593362853, 6717169.890336200594902 ], [ 456861.956382213102188, 6717170.590058490633965 ], [ 456861.956662593351211, 6717170.94033620133996 ], [ 456860.906382213113829, 6717171.990058491006494 ], [ 456860.906662593362853, 6717172.340336200781167 ], [ 456859.740064464102034, 6717173.507075855508447 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456925.91852973512141, 6717172.689706012606621 ], [ 456922.856211314676329, 6717175.139882251620293 ], [ 456922.506659923063125, 6717174.790336200967431 ], [ 456921.806382213137113, 6717174.790058490820229 ], [ 456920.406659923086409, 6717173.390336200594902 ], [ 456920.056382213137113, 6717173.390058491379023 ], [ 456918.656659923086409, 6717171.990336201153696 ], [ 456918.306382213137113, 6717171.990058491006494 ], [ 456916.906659923086409, 6717170.590336200781167 ], [ 456916.556382213137113, 6717170.590058490633965 ], [ 456915.856558452127501, 6717169.540234729647636 ], [ 456916.206312785623595, 6717169.189989063888788 ], [ 456916.206382213102188, 6717168.490058491006494 ], [ 456917.606312785646878, 6717167.089989063329995 ], [ 456917.606382213125471, 6717166.740058491006494 ], [ 456918.656307445082348, 6717165.689989063888788 ], [ 456918.656382213113829, 6717165.340058490633965 ], [ 456920.056307445047423, 6717163.939989063888788 ], [ 456920.056382213137113, 6717163.590058490633965 ], [ 456921.456307445070706, 6717162.189983722753823 ], [ 456921.456382213102188, 6717161.840058490633965 ], [ 456922.506307445059065, 6717160.789983723312616 ], [ 456922.506382213148754, 6717160.440058491192758 ], [ 456923.906307445082348, 6717159.039983723312616 ], [ 456923.906382213113829, 6717158.690058491192758 ], [ 456924.956382213102188, 6717158.340058490633965 ], [ 456925.65610450314125, 6717159.039780780673027 ], [ 456926.006382213148754, 6717159.040058490820229 ], [ 456927.40610450314125, 6717160.439780781045556 ], [ 456927.756382213148754, 6717160.440058491192758 ], [ 456929.15610450314125, 6717161.839780781418085 ], [ 456929.506382213148754, 6717161.840058490633965 ], [ 456930.90610450314125, 6717163.239780780859292 ], [ 456931.256382213148754, 6717163.240058491006494 ], [ 456931.723052440152969, 6717164.523393604904413 ], [ 456931.256382213148754, 6717164.990058491006494 ], [ 456931.256382213148754, 6717165.340058490633965 ], [ 456930.206382213102188, 6717166.390058491379023 ], [ 456930.206659923074767, 6717166.740336201153696 ], [ 456929.156382213113829, 6717167.790058490820229 ], [ 456929.156659923086409, 6717168.140336200594902 ], [ 456927.756382213148754, 6717169.540058490820229 ], [ 456927.756659923063125, 6717169.890336200594902 ], [ 456926.706382213102188, 6717170.940058491192758 ], [ 456926.706659923074767, 6717171.290336200967431 ], [ 456926.006382213148754, 6717171.990058491006494 ], [ 456925.91852973512141, 6717172.689706012606621 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.756382213148754, 6717166.390058491379023 ], [ 456878.406659923086409, 6717166.040336200967431 ], [ 456877.706104503187817, 6717166.039780780673027 ], [ 456877.006659923063125, 6717165.340336200781167 ], [ 456876.656382213113829, 6717165.340058490633965 ], [ 456875.60665992309805, 6717164.290336200967431 ], [ 456875.256382213148754, 6717164.290058490820229 ], [ 456874.206659923074767, 6717163.240336201153696 ], [ 456873.856382213125471, 6717163.240058491006494 ], [ 456872.806662593386136, 6717162.19033620133996 ], [ 456872.456382213102188, 6717162.190058491192758 ], [ 456872.106451640604064, 6717160.790133259259164 ], [ 456873.156032405386213, 6717159.739706013351679 ], [ 456873.156451640592422, 6717159.390133258886635 ], [ 456874.206029735098127, 6717158.33970601297915 ], [ 456874.206382213102188, 6717157.990058491006494 ], [ 456874.90655845211586, 6717157.552729389630258 ], [ 456875.956382213102188, 6717157.640058491379023 ], [ 456877.356104503152892, 6717159.039780780673027 ], [ 456877.706382213102188, 6717159.040058490820229 ], [ 456879.106382213125471, 6717160.440058491192758 ], [ 456879.689717326662503, 6717160.55672871787101 ], [ 456881.206659923074767, 6717163.240336201153696 ], [ 456880.506451640627347, 6717163.940127918496728 ], [ 456880.506659923063125, 6717164.290336200967431 ], [ 456879.806451640615705, 6717164.990127918310463 ], [ 456879.806659923109692, 6717165.340336200781167 ], [ 456878.756382213148754, 6717166.390058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456879.689717326662503, 6717160.55672871787101 ], [ 456879.106382213125471, 6717160.440058491192758 ], [ 456877.706382213102188, 6717159.040058490820229 ], [ 456877.356104503152892, 6717159.039780780673027 ], [ 456875.956382213102188, 6717157.640058491379023 ], [ 456874.90655845211586, 6717157.552729389630258 ], [ 456872.368882213137113, 6717153.790058490820229 ], [ 456872.806732020864729, 6717153.090410969220102 ], [ 456872.806451640615705, 6717152.740133259445429 ], [ 456875.60602973512141, 6717150.202206012792885 ], [ 456876.306382213137113, 6717150.290058490820229 ], [ 456877.006104503176175, 6717150.989780780859292 ], [ 456877.356382213125471, 6717150.990058491006494 ], [ 456878.756104503176175, 6717152.389780781231821 ], [ 456879.106382213125471, 6717152.390058491379023 ], [ 456880.506104503176175, 6717153.789780780673027 ], [ 456880.856382213125471, 6717153.790058490820229 ], [ 456882.256104503176175, 6717155.189780781045556 ], [ 456882.606382213125471, 6717155.190058491192758 ], [ 456882.956659923074767, 6717156.240336201153696 ], [ 456882.606451640604064, 6717156.5901332590729 ], [ 456882.60665992309805, 6717156.94033620133996 ], [ 456881.556451640615705, 6717157.990133259445429 ], [ 456881.556659923109692, 6717158.340336200781167 ], [ 456880.506451640627347, 6717159.390133258886635 ], [ 456880.506659923063125, 6717159.740336201153696 ], [ 456879.689717326662503, 6717160.55672871787101 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456846.906382213113829, 6717161.490058491006494 ], [ 456845.50603240536293, 6717160.352206013165414 ], [ 456845.506382213148754, 6717159.390058491379023 ], [ 456846.206662593351211, 6717158.69033620133996 ], [ 456846.206382213102188, 6717158.340058490633965 ], [ 456846.906662593362853, 6717157.640336200594902 ], [ 456846.906382213113829, 6717157.290058490820229 ], [ 456847.606662593374494, 6717156.590336200781167 ], [ 456847.606382213125471, 6717156.240058491006494 ], [ 456848.306662593386136, 6717155.540336200967431 ], [ 456848.306382213137113, 6717155.190058491192758 ], [ 456849.006382213148754, 6717154.490058491006494 ], [ 456849.00673202087637, 6717153.877910968847573 ], [ 456850.756311450502835, 6717152.739983722567558 ], [ 456850.756382213148754, 6717152.390058491379023 ], [ 456854.128048167738598, 6717151.911724445410073 ], [ 456857.406101832864806, 6717154.139780781231821 ], [ 456857.756662593397778, 6717154.140336200594902 ], [ 456858.923049769888166, 6717155.30672871787101 ], [ 456858.806662593386136, 6717156.590336200781167 ], [ 456858.106451640604064, 6717157.290133259259164 ], [ 456858.106662593374494, 6717157.640336200594902 ], [ 456857.406451640592422, 6717158.3401332590729 ], [ 456857.406662593362853, 6717158.69033620133996 ], [ 456856.706451640638988, 6717159.390133258886635 ], [ 456856.706662593351211, 6717159.740336201153696 ], [ 456856.006451640627347, 6717160.440133258700371 ], [ 456856.006662593397778, 6717160.790336200967431 ], [ 456855.306451640615705, 6717161.490133259445429 ], [ 456855.306662593386136, 6717161.840336200781167 ], [ 456854.606451640604064, 6717162.540133259259164 ], [ 456854.606662593374494, 6717162.890336200594902 ], [ 456853.906451640592422, 6717163.590127918869257 ], [ 456853.906662593362853, 6717163.94033620133996 ], [ 456852.856205974123441, 6717164.989882252179086 ], [ 456852.506662593397778, 6717164.640336200594902 ], [ 456851.806101832888089, 6717164.639780781231821 ], [ 456851.456662593351211, 6717164.290336200967431 ], [ 456851.106382213125471, 6717164.290058490820229 ], [ 456850.406662593362853, 6717163.590336200781167 ], [ 456850.056382213137113, 6717163.590058490633965 ], [ 456849.356662593374494, 6717162.890336200594902 ], [ 456849.006382213148754, 6717162.890058491379023 ], [ 456848.306662593386136, 6717162.19033620133996 ], [ 456847.956382213102188, 6717162.190058491192758 ], [ 456847.256662593397778, 6717161.490336201153696 ], [ 456846.906382213113829, 6717161.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456845.50603240536293, 6717160.352206013165414 ], [ 456843.406207309279125, 6717161.839887592941523 ], [ 456843.056662593386136, 6717161.490336201153696 ], [ 456842.356101832876448, 6717161.489780780859292 ], [ 456842.006662593397778, 6717161.140336200594902 ], [ 456841.656382213113829, 6717161.140058491379023 ], [ 456840.956662593351211, 6717160.44033620133996 ], [ 456840.606382213125471, 6717160.440058491192758 ], [ 456839.906662593362853, 6717159.740336201153696 ], [ 456839.556382213137113, 6717159.740058491006494 ], [ 456838.856661925790831, 6717159.040336200967431 ], [ 456838.506382213148754, 6717159.040058490820229 ], [ 456837.806661925802473, 6717158.340336200781167 ], [ 456837.456382213102188, 6717158.340058490633965 ], [ 456836.756661925814115, 6717157.640336200594902 ], [ 456836.406382213113829, 6717157.640058491379023 ], [ 456835.706661925825756, 6717156.94033620133996 ], [ 456835.356382213125471, 6717156.940058491192758 ], [ 456834.65666192577919, 6717156.240336201153696 ], [ 456834.306382213137113, 6717156.240058491006494 ], [ 456833.956382213102188, 6717154.840058490633965 ], [ 456835.006312118086498, 6717153.789983723312616 ], [ 456835.006382213148754, 6717153.440058491192758 ], [ 456835.706312118039932, 6717152.739983722567558 ], [ 456835.706382213102188, 6717152.390058491379023 ], [ 456836.406032405386213, 6717151.689706012606621 ], [ 456836.406452308176085, 6717151.3401332590729 ], [ 456837.456312118039932, 6717150.289983723312616 ], [ 456837.456382213102188, 6717149.940058491192758 ], [ 456838.156312118051574, 6717149.239983722567558 ], [ 456838.156382213113829, 6717148.890058491379023 ], [ 456839.906382213113829, 6717147.490058491006494 ], [ 456840.256101832899731, 6717147.839780781418085 ], [ 456840.606382213125471, 6717147.840058490633965 ], [ 456841.306101832888089, 6717148.539780780673027 ], [ 456841.656382213113829, 6717148.540058490820229 ], [ 456842.356101832876448, 6717149.239780780859292 ], [ 456842.706382213102188, 6717149.240058491006494 ], [ 456843.756101832899731, 6717150.289780780673027 ], [ 456844.106382213125471, 6717150.290058490820229 ], [ 456844.806101832888089, 6717150.989780780859292 ], [ 456845.156382213113829, 6717150.990058491006494 ], [ 456846.206101832853165, 6717152.039780780673027 ], [ 456846.556382213137113, 6717152.040058490820229 ], [ 456847.256101832899731, 6717152.739780780859292 ], [ 456847.606382213125471, 6717152.740058491006494 ], [ 456849.00673202087637, 6717153.877910968847573 ], [ 456849.006382213148754, 6717154.490058491006494 ], [ 456848.306382213137113, 6717155.190058491192758 ], [ 456848.306662593386136, 6717155.540336200967431 ], [ 456847.606382213125471, 6717156.240058491006494 ], [ 456847.606662593374494, 6717156.590336200781167 ], [ 456846.906382213113829, 6717157.290058490820229 ], [ 456846.906662593362853, 6717157.640336200594902 ], [ 456846.206382213102188, 6717158.340058490633965 ], [ 456846.206662593351211, 6717158.69033620133996 ], [ 456845.506382213148754, 6717159.390058491379023 ], [ 456845.50603240536293, 6717160.352206013165414 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456860.556662593386136, 6717155.19033620133996 ], [ 456858.923049769888166, 6717155.30672871787101 ], [ 456857.756662593397778, 6717154.140336200594902 ], [ 456857.406101832864806, 6717154.139780781231821 ], [ 456854.128048167738598, 6717151.911724445410073 ], [ 456852.506382213148754, 6717148.890058491379023 ], [ 456853.55631278565852, 6717147.839983723126352 ], [ 456853.556382213137113, 6717147.490058491006494 ], [ 456854.256312785611954, 6717146.789983723312616 ], [ 456854.256382213148754, 6717146.440058491192758 ], [ 456854.956312785623595, 6717145.739983722567558 ], [ 456854.956382213102188, 6717145.390058491379023 ], [ 456856.706382213102188, 6717143.990058491006494 ], [ 456857.056101832888089, 6717144.339780781418085 ], [ 456857.406382213113829, 6717144.340058490633965 ], [ 456858.106101832876448, 6717145.039780780673027 ], [ 456858.456382213102188, 6717145.040058490820229 ], [ 456859.156101832864806, 6717145.739780780859292 ], [ 456859.506382213148754, 6717145.740058491006494 ], [ 456860.206101832853165, 6717146.439780781045556 ], [ 456860.556382213137113, 6717146.440058491192758 ], [ 456861.256101832899731, 6717147.139780781231821 ], [ 456861.606382213125471, 6717147.140058491379023 ], [ 456862.306101832888089, 6717147.839780781418085 ], [ 456863.006662593397778, 6717147.840336200781167 ], [ 456863.356382213125471, 6717148.190058491192758 ], [ 456863.968882213113829, 6717148.190058491192758 ], [ 456864.844232020841446, 6717149.940410968847573 ], [ 456864.056451640615705, 6717150.990133259445429 ], [ 456864.056662593386136, 6717151.340336200781167 ], [ 456863.356451640604064, 6717152.040133259259164 ], [ 456863.356662593374494, 6717152.390336200594902 ], [ 456862.656451640592422, 6717153.0901332590729 ], [ 456862.656662593362853, 6717153.44033620133996 ], [ 456861.956451640638988, 6717154.140133258886635 ], [ 456861.956662593351211, 6717154.490336201153696 ], [ 456860.906205974111799, 6717155.539887592196465 ], [ 456860.556662593386136, 6717155.19033620133996 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456872.368882213137113, 6717153.790058490820229 ], [ 456870.706101832853165, 6717154.139780781231821 ], [ 456870.356662593374494, 6717153.790336200967431 ], [ 456870.006101832899731, 6717153.789780780673027 ], [ 456867.556662593386136, 6717151.340336200781167 ], [ 456867.206382213102188, 6717151.340058490633965 ], [ 456865.806662593386136, 6717149.94033620133996 ], [ 456864.844232020841446, 6717149.940410968847573 ], [ 456863.968882213113829, 6717148.190058491192758 ], [ 456864.406382213113829, 6717147.490058491006494 ], [ 456864.406382213113829, 6717147.140058491379023 ], [ 456866.50603240536293, 6717145.039706013165414 ], [ 456866.623399577627424, 6717144.107081196270883 ], [ 456868.606312785646878, 6717142.589983723126352 ], [ 456868.606451640604064, 6717142.240133259445429 ], [ 456871.40655845211586, 6717140.052729389630258 ], [ 456873.156101832864806, 6717141.539780780673027 ], [ 456873.506382213148754, 6717141.540058490820229 ], [ 456876.65610450314125, 6717144.689780781045556 ], [ 456877.006382213148754, 6717144.690058491192758 ], [ 456878.056659923109692, 6717146.44033620133996 ], [ 456876.306451640615705, 6717148.190133258700371 ], [ 456876.306659923109692, 6717148.540336200967431 ], [ 456875.956451640638988, 6717148.890133258886635 ], [ 456875.956029735098127, 6717149.239706013351679 ], [ 456875.606382213125471, 6717149.590058490633965 ], [ 456875.60602973512141, 6717150.202206012792885 ], [ 456872.806451640615705, 6717152.740133259445429 ], [ 456872.806732020864729, 6717153.090410969220102 ], [ 456872.368882213137113, 6717153.790058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.656029735109769, 6717148.539706013165414 ], [ 456890.773047099588439, 6717147.606728717684746 ], [ 456898.706312785623595, 6717140.489983722567558 ], [ 456898.706382213102188, 6717140.140058491379023 ], [ 456899.056382213137113, 6717139.527558490633965 ], [ 456901.506558452150784, 6717138.302729389630258 ], [ 456907.10665992309805, 6717144.69033620133996 ], [ 456893.106205974123441, 6717157.639887592755258 ], [ 456892.756659923063125, 6717157.290336200967431 ], [ 456892.40610450314125, 6717157.289780780673027 ], [ 456887.506558452150784, 6717152.040229389443994 ], [ 456887.856312785646878, 6717151.689983722753823 ], [ 456887.856382213125471, 6717151.340058490633965 ], [ 456890.656029735109769, 6717148.539706013165414 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456898.706312785623595, 6717140.489983722567558 ], [ 456890.773047099588439, 6717147.606728717684746 ], [ 456886.806558452139143, 6717142.940229389816523 ], [ 456887.156312785635237, 6717142.589983723126352 ], [ 456887.156382213113829, 6717142.240058491006494 ], [ 456894.506382213148754, 6717135.240058491006494 ], [ 456894.856104503152892, 6717135.589780781418085 ], [ 456895.206382213102188, 6717135.590058490633965 ], [ 456899.056382213137113, 6717139.527558490633965 ], [ 456898.706382213102188, 6717140.140058491379023 ], [ 456898.706312785623595, 6717140.489983722567558 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.606312785646878, 6717142.589983723126352 ], [ 456866.623399577627424, 6717144.107081196270883 ], [ 456866.156732020841446, 6717143.640410969033837 ], [ 456865.806101832888089, 6717143.639780781231821 ], [ 456863.356662593374494, 6717141.19033620133996 ], [ 456863.006382213148754, 6717141.190058491192758 ], [ 456860.206558452162426, 6717138.040229389443994 ], [ 456860.55631278565852, 6717137.689983722753823 ], [ 456860.556382213137113, 6717137.340058490633965 ], [ 456861.956032405374572, 6717135.939706012606621 ], [ 456861.956382213102188, 6717135.240058491006494 ], [ 456862.189364848600235, 6717134.656376239843667 ], [ 456870.823049769911449, 6717126.023388263769448 ], [ 456871.756382213148754, 6717126.140058491379023 ], [ 456874.556382213137113, 6717128.940058491192758 ], [ 456874.906659923086409, 6717128.94033620133996 ], [ 456877.706659923074767, 6717132.44033620133996 ], [ 456875.256451640627347, 6717134.890133258886635 ], [ 456875.256659923063125, 6717135.240336201153696 ], [ 456871.756451640627347, 6717138.740133259445429 ], [ 456871.75603240536293, 6717139.08970601297915 ], [ 456871.406382213113829, 6717139.440058491192758 ], [ 456871.40655845211586, 6717140.052729389630258 ], [ 456868.606451640604064, 6717142.240133259445429 ], [ 456868.606312785646878, 6717142.589983723126352 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456901.506558452150784, 6717138.302729389630258 ], [ 456899.056382213137113, 6717139.527558490633965 ], [ 456895.206382213102188, 6717135.590058490633965 ], [ 456894.856104503152892, 6717135.589780781418085 ], [ 456894.506382213148754, 6717135.240058491006494 ], [ 456893.456558452162426, 6717133.140229389071465 ], [ 456893.80631278565852, 6717132.789983723312616 ], [ 456893.806382213137113, 6717132.440058491192758 ], [ 456897.306382213137113, 6717129.640058491379023 ], [ 456902.906659923086409, 6717136.290336200967431 ], [ 456901.856451640604064, 6717137.3401332590729 ], [ 456901.85602973512141, 6717137.689706012606621 ], [ 456901.506558452150784, 6717138.302729389630258 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.756029735086486, 6717139.08970601297915 ], [ 456955.639359508058988, 6717137.806376240216196 ], [ 456956.806307445047423, 6717136.639983722940087 ], [ 456956.806456981168594, 6717136.290133259259164 ], [ 456957.856307445035782, 6717135.239983722567558 ], [ 456957.85645698121516, 6717134.890133258886635 ], [ 456959.023404918203596, 6717133.723740741610527 ], [ 456959.956382213102188, 6717133.840058490633965 ], [ 456960.306104503164534, 6717134.189780781045556 ], [ 456960.656382213113829, 6717134.190058491192758 ], [ 456961.706104503187817, 6717135.239780780859292 ], [ 456962.056382213137113, 6717135.240058491006494 ], [ 456963.456659923074767, 6717137.340336200781167 ], [ 456962.756456981180236, 6717138.040133259259164 ], [ 456962.756659923063125, 6717138.390336200594902 ], [ 456962.056456981168594, 6717139.0901332590729 ], [ 456962.056659923109692, 6717139.44033620133996 ], [ 456961.35645698121516, 6717140.140133258886635 ], [ 456961.35665992309805, 6717140.490336201153696 ], [ 456960.656456981203519, 6717141.190133258700371 ], [ 456960.656659923086409, 6717141.540336200967431 ], [ 456959.956456981191877, 6717142.240133259445429 ], [ 456959.956659923074767, 6717142.590336200781167 ], [ 456958.556104503164534, 6717143.639780781231821 ], [ 456958.206659923074767, 6717143.290336200967431 ], [ 456957.506382213148754, 6717143.290058490820229 ], [ 456956.806659923109692, 6717142.590336200781167 ], [ 456956.456382213102188, 6717142.590058490633965 ], [ 456956.10665992309805, 6717142.240336201153696 ], [ 456955.756382213148754, 6717142.240058491006494 ], [ 456954.706456981191877, 6717140.8401332590729 ], [ 456955.056307445047423, 6717140.489983722567558 ], [ 456955.056382213137113, 6717140.140058491379023 ], [ 456955.406307445082348, 6717139.789983723312616 ], [ 456955.406382213113829, 6717139.440058491192758 ], [ 456955.756029735086486, 6717139.08970601297915 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.639359508058988, 6717137.806376240216196 ], [ 456954.706104503187817, 6717137.689780781045556 ], [ 456954.35665992309805, 6717137.340336200781167 ], [ 456953.656382213113829, 6717137.340058490633965 ], [ 456952.956659923074767, 6717136.640336200594902 ], [ 456952.606382213125471, 6717136.640058491379023 ], [ 456951.906659923086409, 6717135.94033620133996 ], [ 456951.556382213137113, 6717135.940058491192758 ], [ 456950.85665992309805, 6717135.240336201153696 ], [ 456950.506382213148754, 6717135.240058491006494 ], [ 456949.806659923109692, 6717134.540336200967431 ], [ 456949.456382213102188, 6717134.540058490820229 ], [ 456948.406382213113829, 6717133.752558491192758 ], [ 456948.406734691176098, 6717133.140410969033837 ], [ 456948.756307445059065, 6717132.789983723312616 ], [ 456948.756456981180236, 6717132.440133258700371 ], [ 456949.106307445035782, 6717132.089983723126352 ], [ 456949.10645698121516, 6717131.740133259445429 ], [ 456949.806307445047423, 6717131.039983723312616 ], [ 456949.806456981168594, 6717130.690133258700371 ], [ 456950.506307445059065, 6717129.989983722567558 ], [ 456950.506456981180236, 6717129.640133258886635 ], [ 456951.206307445070706, 6717128.939983722753823 ], [ 456951.206456981191877, 6717128.5901332590729 ], [ 456951.906307445082348, 6717127.889983722940087 ], [ 456951.906456981203519, 6717127.540133259259164 ], [ 456952.606307445035782, 6717126.839983723126352 ], [ 456952.60645698121516, 6717126.490133259445429 ], [ 456953.656307445082348, 6717125.439983722753823 ], [ 456953.656456981203519, 6717125.0901332590729 ], [ 456954.356307445035782, 6717124.389983722940087 ], [ 456954.35645698121516, 6717124.040133259259164 ], [ 456955.056307445047423, 6717123.339983723126352 ], [ 456955.056456981168594, 6717122.990133259445429 ], [ 456955.756307445059065, 6717122.289983723312616 ], [ 456955.756456981180236, 6717121.940133258700371 ], [ 456956.456307445070706, 6717121.239983722567558 ], [ 456956.456456981191877, 6717120.890133258886635 ], [ 456957.739711986097973, 6717119.723388263955712 ], [ 456958.206029735098127, 6717120.189706012606621 ], [ 456958.556382213137113, 6717120.190058491192758 ], [ 456959.256104503176175, 6717120.889780781231821 ], [ 456959.606382213125471, 6717120.890058491379023 ], [ 456960.306104503164534, 6717121.589780781418085 ], [ 456960.656382213113829, 6717121.590058490633965 ], [ 456961.706104503187817, 6717122.639780781231821 ], [ 456962.056382213137113, 6717122.640058491379023 ], [ 456962.756104503176175, 6717123.339780781418085 ], [ 456963.106382213125471, 6717123.340058490633965 ], [ 456964.906733165262267, 6717124.390410969033837 ], [ 456964.156382213113829, 6717125.090058490633965 ], [ 456964.156382213113829, 6717125.440058491192758 ], [ 456963.806382213137113, 6717125.790058490820229 ], [ 456963.806659923109692, 6717126.140336200594902 ], [ 456963.106382213125471, 6717126.840058490633965 ], [ 456963.10665992309805, 6717127.19033620133996 ], [ 456962.406382213113829, 6717127.890058491379023 ], [ 456962.406659923086409, 6717128.240336201153696 ], [ 456961.706382213102188, 6717128.940058491192758 ], [ 456961.706659923074767, 6717129.290336200967431 ], [ 456961.006382213148754, 6717129.990058491006494 ], [ 456961.006659923063125, 6717130.340336200781167 ], [ 456960.656734691176098, 6717130.690410968847573 ], [ 456960.539711986086331, 6717131.273388263769448 ], [ 456959.256456981180236, 6717131.740133259445429 ], [ 456959.256029735086486, 6717132.439706012606621 ], [ 456958.906382213113829, 6717132.790058490820229 ], [ 456959.023404918203596, 6717133.723740741610527 ], [ 456957.85645698121516, 6717134.890133258886635 ], [ 456957.856307445035782, 6717135.239983722567558 ], [ 456956.806456981168594, 6717136.290133259259164 ], [ 456956.806307445047423, 6717136.639983722940087 ], [ 456955.639359508058988, 6717137.806376240216196 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456969.406382213113829, 6717139.090058490633965 ], [ 456968.101668773160782, 6717136.989887592382729 ], [ 456969.056382213137113, 6717135.590058490633965 ], [ 456969.056456981168594, 6717135.240133259445429 ], [ 456969.756382213148754, 6717134.540058490820229 ], [ 456969.756456981180236, 6717134.190133258700371 ], [ 456970.106307445035782, 6717133.839983723126352 ], [ 456970.10645698121516, 6717133.490133259445429 ], [ 456970.806307445047423, 6717132.789983723312616 ], [ 456970.806456981168594, 6717132.440133258700371 ], [ 456971.506307445059065, 6717131.739983722567558 ], [ 456971.506456981180236, 6717131.390133258886635 ], [ 456972.556307445047423, 6717130.339983723126352 ], [ 456972.556211314687971, 6717129.289887592196465 ], [ 456973.606307445035782, 6717128.239983722567558 ], [ 456973.606382213125471, 6717127.890058491379023 ], [ 456973.956307445070706, 6717127.539983723312616 ], [ 456973.956382213102188, 6717127.190058491192758 ], [ 456974.306307445047423, 6717126.839983723126352 ], [ 456974.306382213137113, 6717126.490058491006494 ], [ 456975.006307445059065, 6717125.789983723312616 ], [ 456975.006382213148754, 6717125.440058491192758 ], [ 456975.356307445035782, 6717125.089983723126352 ], [ 456975.356382213125471, 6717124.740058491006494 ], [ 456975.706307445070706, 6717124.389983722940087 ], [ 456975.706382213102188, 6717124.040058490820229 ], [ 456976.056307445047423, 6717123.689983722753823 ], [ 456976.056382213137113, 6717123.340058490633965 ], [ 456976.756307445059065, 6717122.639983722940087 ], [ 456976.756382213148754, 6717122.290058490820229 ], [ 456977.106307445035782, 6717121.939983722753823 ], [ 456977.106382213125471, 6717121.590058490633965 ], [ 456977.456307445070706, 6717121.239983722567558 ], [ 456977.456382213102188, 6717120.890058491379023 ], [ 456978.856382213125471, 6717120.190058491192758 ], [ 456979.556104503164534, 6717120.889780781231821 ], [ 456979.906382213113829, 6717120.890058491379023 ], [ 456980.256104503176175, 6717121.239780780859292 ], [ 456980.606382213125471, 6717121.240058491006494 ], [ 456980.956104503187817, 6717121.589780781418085 ], [ 456981.306382213137113, 6717121.590058490633965 ], [ 456982.006104503176175, 6717122.289780780673027 ], [ 456982.356382213125471, 6717122.290058490820229 ], [ 456982.706104503187817, 6717122.639780781231821 ], [ 456983.056382213137113, 6717122.640058491379023 ], [ 456983.756104503176175, 6717123.339780781418085 ], [ 456984.106382213125471, 6717123.340058490633965 ], [ 456984.456104503187817, 6717123.689780781045556 ], [ 456984.806382213137113, 6717123.690058491192758 ], [ 456985.506104503176175, 6717124.389780781231821 ], [ 456985.856382213125471, 6717124.390058491379023 ], [ 456986.206104503187817, 6717124.739780780859292 ], [ 456986.556382213137113, 6717124.740058491006494 ], [ 456986.90610450314125, 6717125.089780781418085 ], [ 456987.256382213148754, 6717125.090058490633965 ], [ 456987.956104503187817, 6717125.789780780673027 ], [ 456988.306382213137113, 6717125.790058490820229 ], [ 456988.65610450314125, 6717126.139780781231821 ], [ 456989.006382213148754, 6717126.140058491379023 ], [ 456989.706104503187817, 6717126.839780781418085 ], [ 456990.056382213137113, 6717126.840058490633965 ], [ 456990.40610450314125, 6717127.189780781045556 ], [ 456990.756382213148754, 6717127.190058491192758 ], [ 456991.456104503187817, 6717127.889780781231821 ], [ 456991.806382213137113, 6717127.890058491379023 ], [ 456992.15610450314125, 6717128.239780780859292 ], [ 456992.506382213148754, 6717128.240058491006494 ], [ 456992.856104503152892, 6717128.589780781418085 ], [ 456993.206382213102188, 6717128.590058490633965 ], [ 456993.906659923086409, 6717129.640336200594902 ], [ 456993.556456981168594, 6717129.990133259445429 ], [ 456993.556659923109692, 6717130.69033620133996 ], [ 456993.206456981191877, 6717131.040133259259164 ], [ 456993.206659923074767, 6717131.390336200594902 ], [ 456992.506456981180236, 6717132.0901332590729 ], [ 456992.506659923063125, 6717132.44033620133996 ], [ 456992.156456981203519, 6717132.790133259259164 ], [ 456992.156659923086409, 6717133.140336200594902 ], [ 456991.456456981191877, 6717133.8401332590729 ], [ 456991.456659923074767, 6717134.19033620133996 ], [ 456991.10645698121516, 6717134.540133259259164 ], [ 456991.10665992309805, 6717134.890336200594902 ], [ 456990.756456981180236, 6717135.240133259445429 ], [ 456990.756659923063125, 6717135.590336200781167 ], [ 456990.056456981168594, 6717136.290133259259164 ], [ 456990.056659923109692, 6717136.640336200594902 ], [ 456989.706456981191877, 6717136.990133259445429 ], [ 456989.706659923074767, 6717137.340336200781167 ], [ 456989.35645698121516, 6717137.690133258700371 ], [ 456989.35665992309805, 6717138.040336200967431 ], [ 456988.656456981203519, 6717138.740133259445429 ], [ 456988.656659923086409, 6717139.090336200781167 ], [ 456988.306456981168594, 6717139.440133258700371 ], [ 456988.306659923109692, 6717139.790336200967431 ], [ 456987.956456981191877, 6717140.140133258886635 ], [ 456987.956659923074767, 6717140.490336201153696 ], [ 456987.256456981180236, 6717141.190133258700371 ], [ 456987.256659923063125, 6717141.540336200967431 ], [ 456986.906456981203519, 6717141.890133258886635 ], [ 456986.906659923086409, 6717142.240336201153696 ], [ 456986.206456981191877, 6717142.940133258700371 ], [ 456986.206659923074767, 6717143.290336200967431 ], [ 456985.85645698121516, 6717143.640133258886635 ], [ 456985.85665992309805, 6717143.990336201153696 ], [ 456985.506456981180236, 6717144.3401332590729 ], [ 456985.506659923063125, 6717144.69033620133996 ], [ 456984.806456981168594, 6717145.390133258886635 ], [ 456984.806659923109692, 6717145.740336201153696 ], [ 456984.456456981191877, 6717146.0901332590729 ], [ 456984.456659923074767, 6717146.44033620133996 ], [ 456983.056104503164534, 6717147.139780781231821 ], [ 456982.706659923074767, 6717146.790336200967431 ], [ 456982.356382213125471, 6717146.790058490820229 ], [ 456982.006659923063125, 6717146.44033620133996 ], [ 456981.656382213113829, 6717146.440058491192758 ], [ 456980.956659923074767, 6717145.740336201153696 ], [ 456980.606382213125471, 6717145.740058491006494 ], [ 456980.256659923063125, 6717145.390336200594902 ], [ 456979.906382213113829, 6717145.390058491379023 ], [ 456979.206659923074767, 6717144.69033620133996 ], [ 456978.856382213125471, 6717144.690058491192758 ], [ 456978.506659923063125, 6717144.340336200781167 ], [ 456978.156382213113829, 6717144.340058490633965 ], [ 456977.456659923074767, 6717143.640336200594902 ], [ 456977.106382213125471, 6717143.640058491379023 ], [ 456976.756659923063125, 6717143.290336200967431 ], [ 456976.406382213113829, 6717143.290058490820229 ], [ 456975.706659923074767, 6717142.590336200781167 ], [ 456975.356382213125471, 6717142.590058490633965 ], [ 456975.006659923063125, 6717142.240336201153696 ], [ 456974.656382213113829, 6717142.240058491006494 ], [ 456973.956659923074767, 6717141.540336200967431 ], [ 456973.606382213125471, 6717141.540058490820229 ], [ 456973.256659923063125, 6717141.19033620133996 ], [ 456972.906382213113829, 6717141.190058491192758 ], [ 456972.206659923074767, 6717140.490336201153696 ], [ 456971.856382213125471, 6717140.490058491006494 ], [ 456971.506659923063125, 6717140.140336200594902 ], [ 456971.156382213113829, 6717140.140058491379023 ], [ 456970.456659923074767, 6717139.44033620133996 ], [ 456970.106382213125471, 6717139.440058491192758 ], [ 456969.756659923063125, 6717139.090336200781167 ], [ 456969.406382213113829, 6717139.090058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.101668773160782, 6717136.989887592382729 ], [ 456967.306734691141173, 6717135.940410968847573 ], [ 456966.956104503187817, 6717135.939780781045556 ], [ 456966.60665992309805, 6717135.590336200781167 ], [ 456966.256382213148754, 6717135.590058490633965 ], [ 456965.556659923109692, 6717134.890336200594902 ], [ 456965.206382213102188, 6717134.890058491379023 ], [ 456964.506659923063125, 6717134.19033620133996 ], [ 456964.156382213113829, 6717134.190058491192758 ], [ 456963.456659923074767, 6717133.490336201153696 ], [ 456963.106382213125471, 6717133.490058491006494 ], [ 456962.406659923086409, 6717132.790336200967431 ], [ 456962.056382213137113, 6717132.790058490820229 ], [ 456960.539711986086331, 6717131.273388263769448 ], [ 456960.656734691176098, 6717130.690410968847573 ], [ 456961.006659923063125, 6717130.340336200781167 ], [ 456961.006382213148754, 6717129.990058491006494 ], [ 456961.706659923074767, 6717129.290336200967431 ], [ 456961.706382213102188, 6717128.940058491192758 ], [ 456962.406659923086409, 6717128.240336201153696 ], [ 456962.406382213113829, 6717127.890058491379023 ], [ 456963.10665992309805, 6717127.19033620133996 ], [ 456963.106382213125471, 6717126.840058490633965 ], [ 456963.806659923109692, 6717126.140336200594902 ], [ 456963.806382213137113, 6717125.790058490820229 ], [ 456964.156382213113829, 6717125.440058491192758 ], [ 456964.156382213113829, 6717125.090058490633965 ], [ 456964.906733165262267, 6717124.390410969033837 ], [ 456966.606104503152892, 6717125.439780781045556 ], [ 456966.956659923074767, 6717125.44033620133996 ], [ 456967.65610450314125, 6717126.139780781231821 ], [ 456968.006659923063125, 6717126.140336200594902 ], [ 456968.706104503187817, 6717126.839780781418085 ], [ 456969.406659923086409, 6717126.840336200781167 ], [ 456969.756104503176175, 6717127.189780781045556 ], [ 456970.106382213125471, 6717127.190058491192758 ], [ 456971.15610450314125, 6717128.589780781418085 ], [ 456971.506382213148754, 6717128.590058490633965 ], [ 456971.856382213125471, 6717128.940058491192758 ], [ 456972.206659923074767, 6717128.94033620133996 ], [ 456972.556211314687971, 6717129.289887592196465 ], [ 456972.556307445047423, 6717130.339983723126352 ], [ 456971.506456981180236, 6717131.390133258886635 ], [ 456971.506307445059065, 6717131.739983722567558 ], [ 456970.806456981168594, 6717132.440133258700371 ], [ 456970.806307445047423, 6717132.789983723312616 ], [ 456970.10645698121516, 6717133.490133259445429 ], [ 456970.106307445035782, 6717133.839983723126352 ], [ 456969.756456981180236, 6717134.190133258700371 ], [ 456969.756382213148754, 6717134.540058490820229 ], [ 456969.056456981168594, 6717135.240133259445429 ], [ 456969.056382213137113, 6717135.590058490633965 ], [ 456968.101668773160782, 6717136.989887592382729 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456862.189364848600235, 6717134.656376239843667 ], [ 456861.606382213125471, 6717134.540058490820229 ], [ 456861.256662593397778, 6717134.19033620133996 ], [ 456860.906101832864806, 6717134.189780781045556 ], [ 456856.356558452127501, 6717129.290229389443994 ], [ 456856.706312785623595, 6717128.939983722753823 ], [ 456856.706382213102188, 6717128.590058490633965 ], [ 456857.056032405409496, 6717128.239706013351679 ], [ 456857.056382213137113, 6717127.540058490820229 ], [ 456858.18415969418129, 6717125.906728718429804 ], [ 456861.743338618776761, 6717122.427012226544321 ], [ 456865.806382213137113, 6717120.190058491192758 ], [ 456870.823049769911449, 6717126.023388263769448 ], [ 456862.189364848600235, 6717134.656376239843667 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456948.406382213113829, 6717133.752558491192758 ], [ 456946.306104503164534, 6717134.539780780673027 ], [ 456945.956659923074767, 6717134.19033620133996 ], [ 456945.606382213125471, 6717134.190058491192758 ], [ 456944.906659923086409, 6717133.490336201153696 ], [ 456944.556382213137113, 6717133.490058491006494 ], [ 456943.85665992309805, 6717132.790336200967431 ], [ 456943.506382213148754, 6717132.790058490820229 ], [ 456942.806659923109692, 6717132.090336200781167 ], [ 456942.456382213102188, 6717132.090058490633965 ], [ 456941.756659923063125, 6717131.390336200594902 ], [ 456941.406382213113829, 6717131.390058491379023 ], [ 456940.706659923074767, 6717130.69033620133996 ], [ 456940.356382213125471, 6717130.690058491192758 ], [ 456939.656659923086409, 6717129.990336201153696 ], [ 456939.306382213137113, 6717129.990058491006494 ], [ 456938.256456981180236, 6717128.5901332590729 ], [ 456938.606307445035782, 6717128.239983722567558 ], [ 456938.081382213102188, 6717127.015058491379023 ], [ 456939.306029735074844, 6717126.83970601297915 ], [ 456938.781382213113829, 6717125.965058490633965 ], [ 456940.006029735086486, 6717125.789706013165414 ], [ 456939.656382213113829, 6717124.705056354403496 ], [ 456941.056029735074844, 6717124.389706012792885 ], [ 456940.531382213113829, 6717123.515058491379023 ], [ 456942.499064097879454, 6717120.668104145675898 ], [ 456944.906382213113829, 6717118.790058490820229 ], [ 456944.906382213113829, 6717118.440058491192758 ], [ 456945.606307445035782, 6717117.739983722567558 ], [ 456945.606382213125471, 6717117.390058491379023 ], [ 456946.306307445047423, 6717116.689983722753823 ], [ 456946.306382213137113, 6717116.340058490633965 ], [ 456947.356307445035782, 6717115.289983723312616 ], [ 456947.356382213125471, 6717114.940058491192758 ], [ 456948.056307445047423, 6717114.239983722567558 ], [ 456948.056382213137113, 6717113.890058491379023 ], [ 456948.756307445059065, 6717113.189983722753823 ], [ 456948.756382213148754, 6717112.840058490633965 ], [ 456950.156382213113829, 6717112.140058491379023 ], [ 456950.856104503152892, 6717112.839780781418085 ], [ 456951.206382213102188, 6717112.840058490633965 ], [ 456951.90610450314125, 6717113.539780780673027 ], [ 456952.256382213148754, 6717113.540058490820229 ], [ 456952.956104503187817, 6717114.239780780859292 ], [ 456953.306382213137113, 6717114.240058491006494 ], [ 456954.006104503176175, 6717114.939780781045556 ], [ 456954.356382213125471, 6717114.940058491192758 ], [ 456955.056104503164534, 6717115.639780781231821 ], [ 456955.406382213113829, 6717115.640058491379023 ], [ 456956.106104503152892, 6717116.339780781418085 ], [ 456956.456382213102188, 6717116.340058490633965 ], [ 456957.15610450314125, 6717117.039780780673027 ], [ 456957.506382213148754, 6717117.040058490820229 ], [ 456958.206659923074767, 6717118.44033620133996 ], [ 456957.85645698121516, 6717118.790133259259164 ], [ 456957.739711986097973, 6717119.723388263955712 ], [ 456956.456456981191877, 6717120.890133258886635 ], [ 456956.456307445070706, 6717121.239983722567558 ], [ 456955.756456981180236, 6717121.940133258700371 ], [ 456955.756307445059065, 6717122.289983723312616 ], [ 456955.056456981168594, 6717122.990133259445429 ], [ 456955.056307445047423, 6717123.339983723126352 ], [ 456954.35645698121516, 6717124.040133259259164 ], [ 456954.356307445035782, 6717124.389983722940087 ], [ 456953.656456981203519, 6717125.0901332590729 ], [ 456953.656307445082348, 6717125.439983722753823 ], [ 456952.60645698121516, 6717126.490133259445429 ], [ 456952.606307445035782, 6717126.839983723126352 ], [ 456951.906456981203519, 6717127.540133259259164 ], [ 456951.906307445082348, 6717127.889983722940087 ], [ 456951.206456981191877, 6717128.5901332590729 ], [ 456951.206307445070706, 6717128.939983722753823 ], [ 456950.506456981180236, 6717129.640133258886635 ], [ 456950.506307445059065, 6717129.989983722567558 ], [ 456949.806456981168594, 6717130.690133258700371 ], [ 456949.806307445047423, 6717131.039983723312616 ], [ 456949.10645698121516, 6717131.740133259445429 ], [ 456949.106307445035782, 6717132.089983723126352 ], [ 456948.756456981180236, 6717132.440133258700371 ], [ 456948.756307445059065, 6717132.789983723312616 ], [ 456948.406734691176098, 6717133.140410969033837 ], [ 456948.406382213113829, 6717133.752558491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456847.25603240536293, 6717129.989706013351679 ], [ 456847.373048434732482, 6717129.05672871787101 ], [ 456851.106312785646878, 6717125.439983722753823 ], [ 456851.106451640604064, 6717125.0901332590729 ], [ 456851.806205974135082, 6717124.389887592755258 ], [ 456852.156382213113829, 6717124.390058491379023 ], [ 456852.506382213148754, 6717124.740058491006494 ], [ 456852.856382213125471, 6717124.740058491006494 ], [ 456853.206101832853165, 6717125.089780781418085 ], [ 456853.556382213137113, 6717125.090058490633965 ], [ 456855.423049769888166, 6717126.956728718243539 ], [ 456855.306382213137113, 6717127.540058490820229 ], [ 456854.606451640604064, 6717128.240133259445429 ], [ 456854.606662593374494, 6717128.590336200781167 ], [ 456852.506451640627347, 6717130.690133258700371 ], [ 456852.506662593397778, 6717131.040336200967431 ], [ 456850.756451640627347, 6717132.790133259259164 ], [ 456850.756662593397778, 6717133.140336200594902 ], [ 456849.706207309267484, 6717133.839887592941523 ], [ 456849.356662593374494, 6717133.490336201153696 ], [ 456849.006101832899731, 6717133.489780780859292 ], [ 456848.306662593386136, 6717132.790336200967431 ], [ 456847.956382213102188, 6717132.790058490820229 ], [ 456846.556557116971817, 6717131.040229389443994 ], [ 456846.906311450467911, 6717130.689983722753823 ], [ 456846.906382213113829, 6717130.340058490633965 ], [ 456847.25603240536293, 6717129.989706013351679 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456847.373048434732482, 6717129.05672871787101 ], [ 456846.906732020841446, 6717128.590410969220102 ], [ 456846.556101832888089, 6717128.589780781418085 ], [ 456845.856662593374494, 6717127.890336200594902 ], [ 456845.506382213148754, 6717127.890058491379023 ], [ 456844.106557117018383, 6717126.140229389071465 ], [ 456844.456311450514477, 6717125.789983723312616 ], [ 456844.456382213102188, 6717125.440058491192758 ], [ 456849.006382213148754, 6717121.590058490633965 ], [ 456849.706382213102188, 6717122.290058490820229 ], [ 456850.056662593386136, 6717122.290336200967431 ], [ 456850.406382213113829, 6717122.640058491379023 ], [ 456850.989714656374417, 6717122.756728718057275 ], [ 456851.806205974135082, 6717124.389887592755258 ], [ 456851.106451640604064, 6717125.0901332590729 ], [ 456851.106312785646878, 6717125.439983722753823 ], [ 456847.373048434732482, 6717129.05672871787101 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456938.081382213102188, 6717127.015058491379023 ], [ 456936.156211314664688, 6717127.889887592755258 ], [ 456935.806659923109692, 6717127.540336200967431 ], [ 456935.106104503152892, 6717127.539780780673027 ], [ 456934.756659923063125, 6717127.19033620133996 ], [ 456934.406382213113829, 6717127.190058491192758 ], [ 456933.706659923074767, 6717126.490336201153696 ], [ 456933.356382213125471, 6717126.490058491006494 ], [ 456932.656659923086409, 6717125.790336200967431 ], [ 456932.306382213137113, 6717125.790058490820229 ], [ 456931.60665992309805, 6717125.090336200781167 ], [ 456931.256382213148754, 6717125.090058490633965 ], [ 456930.556659923109692, 6717124.390336200594902 ], [ 456930.206382213102188, 6717124.390058491379023 ], [ 456929.739711986097973, 6717123.923388264141977 ], [ 456929.85645698121516, 6717122.990133259445429 ], [ 456930.906307445082348, 6717121.939983722753823 ], [ 456930.906456981203519, 6717121.5901332590729 ], [ 456931.606307445035782, 6717120.889983722940087 ], [ 456931.60645698121516, 6717120.540133259259164 ], [ 456932.656307445082348, 6717119.489983722567558 ], [ 456932.656456981203519, 6717119.140133258886635 ], [ 456933.356307445035782, 6717118.439983722753823 ], [ 456933.35645698121516, 6717118.0901332590729 ], [ 456934.406307445082348, 6717117.039983723312616 ], [ 456934.406456981203519, 6717116.690133258700371 ], [ 456935.106307445035782, 6717115.989983722567558 ], [ 456935.10645698121516, 6717115.640133258886635 ], [ 456936.156307445082348, 6717114.589983723126352 ], [ 456936.156734691176098, 6717114.240410968661308 ], [ 456938.060383067640942, 6717114.268053791485727 ], [ 456940.35602973512141, 6717115.989706013351679 ], [ 456940.706659923074767, 6717115.990336201153696 ], [ 456941.056382213137113, 6717116.340058490633965 ], [ 456941.639711986063048, 6717116.456728718243539 ], [ 456942.499064097879454, 6717120.668104145675898 ], [ 456940.006734691152815, 6717122.640410969033837 ], [ 456940.531382213113829, 6717123.515058491379023 ], [ 456939.306734691141173, 6717123.690410968847573 ], [ 456939.656382213113829, 6717124.705056354403496 ], [ 456938.256734691152815, 6717125.090410969220102 ], [ 456938.781382213113829, 6717125.965058490633965 ], [ 456937.556734691141173, 6717126.140410969033837 ], [ 456938.081382213102188, 6717127.015058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456858.18415969418129, 6717125.906728718429804 ], [ 456855.423049769888166, 6717126.956728718243539 ], [ 456853.556382213137113, 6717125.090058490633965 ], [ 456853.206101832853165, 6717125.089780781418085 ], [ 456852.856382213125471, 6717124.740058491006494 ], [ 456852.506382213148754, 6717124.740058491006494 ], [ 456852.156382213113829, 6717124.390058491379023 ], [ 456851.806205974135082, 6717124.389887592755258 ], [ 456850.989714656374417, 6717122.756728718057275 ], [ 456851.456382213102188, 6717122.290058490820229 ], [ 456851.456451640638988, 6717121.5901332590729 ], [ 456853.206032405374572, 6717119.83970601297915 ], [ 456853.206451640638988, 6717119.490133259445429 ], [ 456855.189714656386059, 6717118.673388264141977 ], [ 456855.656032405386213, 6717119.139706012792885 ], [ 456856.006312785611954, 6717119.139983722940087 ], [ 456857.406101832864806, 6717120.539780780673027 ], [ 456857.756382213148754, 6717120.540058490820229 ], [ 456859.623049769899808, 6717122.406728718429804 ], [ 456859.506662593397778, 6717123.340336200781167 ], [ 456858.18415969418129, 6717125.906728718429804 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456970.106382213125471, 6717127.190058491192758 ], [ 456969.756104503176175, 6717127.189780781045556 ], [ 456969.406659923086409, 6717126.840336200781167 ], [ 456968.706104503187817, 6717126.839780781418085 ], [ 456968.006659923063125, 6717126.140336200594902 ], [ 456967.65610450314125, 6717126.139780781231821 ], [ 456966.956659923074767, 6717125.44033620133996 ], [ 456966.606104503152892, 6717125.439780781045556 ], [ 456964.906733165262267, 6717124.390410969033837 ], [ 456965.906382213113829, 6717123.690058491192758 ], [ 456965.906382213113829, 6717123.340058490633965 ], [ 456966.606307445035782, 6717122.639983722940087 ], [ 456966.606382213125471, 6717122.290058490820229 ], [ 456967.306307445047423, 6717121.589983723126352 ], [ 456967.306382213137113, 6717121.240058491006494 ], [ 456969.406382213113829, 6717119.840058490633965 ], [ 456970.106104503152892, 6717120.539780780673027 ], [ 456970.456382213102188, 6717120.540058490820229 ], [ 456971.15610450314125, 6717121.239780780859292 ], [ 456971.506382213148754, 6717121.240058491006494 ], [ 456972.206104503187817, 6717121.939780781045556 ], [ 456972.556382213137113, 6717121.940058491192758 ], [ 456973.256659923063125, 6717123.340336200781167 ], [ 456972.206456981191877, 6717124.390133258886635 ], [ 456972.206659923074767, 6717124.740336201153696 ], [ 456971.506456981180236, 6717125.440133258700371 ], [ 456971.506659923063125, 6717125.790336200967431 ], [ 456970.106382213125471, 6717127.190058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457009.539722667250317, 6717124.506728718057275 ], [ 457009.306382213137113, 6717125.090058490633965 ], [ 457009.306659923109692, 6717125.790336200967431 ], [ 457008.956446300027892, 6717126.140133258886635 ], [ 457008.956659923074767, 6717126.490336201153696 ], [ 457008.606446300051175, 6717126.8401332590729 ], [ 457008.60665992309805, 6717127.19033620133996 ], [ 457008.25644630001625, 6717127.540133259259164 ], [ 457008.256659923063125, 6717127.890336200594902 ], [ 457007.906446300039534, 6717128.240133259445429 ], [ 457007.906659923086409, 6717128.590336200781167 ], [ 457007.556446300062817, 6717128.940133258700371 ], [ 457007.556659923109692, 6717129.290336200967431 ], [ 457007.206456981191877, 6717129.640133258886635 ], [ 457007.206659923074767, 6717129.990336201153696 ], [ 457006.85645698121516, 6717130.3401332590729 ], [ 457006.85665992309805, 6717130.69033620133996 ], [ 457006.156456981203519, 6717131.390133258886635 ], [ 457006.156659923086409, 6717131.740336201153696 ], [ 457005.806456981168594, 6717132.0901332590729 ], [ 457005.806659923109692, 6717132.44033620133996 ], [ 457005.456456981191877, 6717132.790133259259164 ], [ 457005.456659923074767, 6717133.140336200594902 ], [ 457005.10645698121516, 6717133.490133259445429 ], [ 457005.10665992309805, 6717133.840336200781167 ], [ 457004.756456981180236, 6717134.190133258700371 ], [ 457004.756659923063125, 6717134.540336200967431 ], [ 457004.406456981203519, 6717134.890133258886635 ], [ 457004.406659923086409, 6717135.240336201153696 ], [ 457004.056456981168594, 6717135.5901332590729 ], [ 457004.056659923109692, 6717135.94033620133996 ], [ 457003.706456981191877, 6717136.290133259259164 ], [ 457003.706659923074767, 6717136.640336200594902 ], [ 457003.35645698121516, 6717136.990133259445429 ], [ 457003.35665992309805, 6717137.340336200781167 ], [ 457002.656456981203519, 6717138.040133259259164 ], [ 457002.656659923086409, 6717138.390336200594902 ], [ 457002.306456981168594, 6717138.740133259445429 ], [ 457002.306659923109692, 6717139.090336200781167 ], [ 457001.956456981191877, 6717139.440133258700371 ], [ 457001.956659923074767, 6717139.790336200967431 ], [ 457001.60645698121516, 6717140.140133258886635 ], [ 457001.60665992309805, 6717140.490336201153696 ], [ 457001.256456981180236, 6717140.8401332590729 ], [ 457001.256659923063125, 6717141.19033620133996 ], [ 457000.906456981203519, 6717141.540133259259164 ], [ 457000.906659923086409, 6717141.890336200594902 ], [ 457000.556456981168594, 6717142.240133259445429 ], [ 457000.556659923109692, 6717142.590336200781167 ], [ 457000.206456981191877, 6717142.940133258700371 ], [ 457000.206659923074767, 6717143.290336200967431 ], [ 456998.456382213102188, 6717143.990058491006494 ], [ 456997.756659923063125, 6717143.290336200967431 ], [ 456997.406382213113829, 6717143.290058490820229 ], [ 456997.056659923109692, 6717142.94033620133996 ], [ 456996.706382213102188, 6717142.940058491192758 ], [ 456996.35665992309805, 6717142.590336200781167 ], [ 456996.006382213148754, 6717142.590058490633965 ], [ 456995.306659923109692, 6717141.890336200594902 ], [ 456994.956382213102188, 6717141.890058491379023 ], [ 456994.60665992309805, 6717141.540336200967431 ], [ 456994.256382213148754, 6717141.540058490820229 ], [ 456993.906659923086409, 6717141.19033620133996 ], [ 456993.556382213137113, 6717141.190058491192758 ], [ 456992.85665992309805, 6717140.490336201153696 ], [ 456992.506382213148754, 6717140.490058491006494 ], [ 456991.806382213137113, 6717139.090058490633965 ], [ 456992.156307445082348, 6717138.739983722567558 ], [ 456992.156382213113829, 6717138.390058491379023 ], [ 456992.506307445059065, 6717138.039983723312616 ], [ 456992.506382213148754, 6717137.690058491192758 ], [ 456992.856307445035782, 6717137.339983723126352 ], [ 456992.856382213125471, 6717136.990058491006494 ], [ 456993.206307445070706, 6717136.639983722940087 ], [ 456993.206382213102188, 6717136.290058490820229 ], [ 456993.556307445047423, 6717135.939983722753823 ], [ 456993.556382213137113, 6717135.590058490633965 ], [ 456993.906029735109769, 6717135.239706013351679 ], [ 456993.906456981203519, 6717134.890133258886635 ], [ 456994.606307445035782, 6717134.189983722753823 ], [ 456994.606382213125471, 6717133.840058490633965 ], [ 456994.956307445070706, 6717133.489983722567558 ], [ 456994.956382213102188, 6717133.140058491379023 ], [ 456995.306307445047423, 6717132.789983723312616 ], [ 456995.306382213137113, 6717132.440058491192758 ], [ 456995.656307445082348, 6717132.089983723126352 ], [ 456995.656382213113829, 6717131.740058491006494 ], [ 456996.006307445059065, 6717131.389983722940087 ], [ 456996.006382213148754, 6717131.040058490820229 ], [ 456996.356307445035782, 6717130.689983722753823 ], [ 456996.356382213125471, 6717130.340058490633965 ], [ 456997.056307445047423, 6717129.639983722940087 ], [ 456997.056382213137113, 6717129.290058490820229 ], [ 456997.406307445082348, 6717128.939983722753823 ], [ 456997.406382213113829, 6717128.590058490633965 ], [ 456997.756307445059065, 6717128.239983722567558 ], [ 456997.756382213148754, 6717127.890058491379023 ], [ 456998.106307445035782, 6717127.539983723312616 ], [ 456998.106382213125471, 6717127.190058491192758 ], [ 456998.456307445070706, 6717126.839983723126352 ], [ 456998.456382213102188, 6717126.490058491006494 ], [ 456998.806307445047423, 6717126.139983722940087 ], [ 456998.806382213137113, 6717125.790058490820229 ], [ 456999.156029735109769, 6717125.439706012606621 ], [ 456999.156456981203519, 6717125.0901332590729 ], [ 456999.856307445035782, 6717124.389983722940087 ], [ 456999.856382213125471, 6717124.040058490820229 ], [ 457000.206307445070706, 6717123.689983722753823 ], [ 457000.206382213102188, 6717123.340058490633965 ], [ 457000.556307445047423, 6717122.989983722567558 ], [ 457000.556382213137113, 6717122.640058491379023 ], [ 457000.906307445082348, 6717122.289983723312616 ], [ 457000.906382213113829, 6717121.940058491192758 ], [ 457001.256307445059065, 6717121.589983723126352 ], [ 457001.256382213148754, 6717121.240058491006494 ], [ 457002.656382213113829, 6717120.540058490820229 ], [ 457003.006104503176175, 6717120.889780781231821 ], [ 457003.356382213125471, 6717120.890058491379023 ], [ 457003.706104503187817, 6717121.239780780859292 ], [ 457004.056382213137113, 6717121.240058491006494 ], [ 457004.40610450314125, 6717121.589780781418085 ], [ 457004.756382213148754, 6717121.590058490633965 ], [ 457005.106104503152892, 6717121.939780781045556 ], [ 457005.456382213102188, 6717121.940058491192758 ], [ 457005.806382213137113, 6717122.290058490820229 ], [ 457006.156659923086409, 6717122.290336200967431 ], [ 457006.856104503152892, 6717122.989780780859292 ], [ 457007.206382213102188, 6717122.990058491006494 ], [ 457007.556104503164534, 6717123.339780781418085 ], [ 457007.906382213113829, 6717123.340058490633965 ], [ 457008.256104503176175, 6717123.689780781045556 ], [ 457008.606382213125471, 6717123.690058491192758 ], [ 457009.539722667250317, 6717124.506728718057275 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456929.739711986097973, 6717123.923388264141977 ], [ 456928.456456981191877, 6717125.0901332590729 ], [ 456928.456659923074767, 6717125.44033620133996 ], [ 456927.756456981180236, 6717126.140133258886635 ], [ 456927.756659923063125, 6717126.490336201153696 ], [ 456927.056456981168594, 6717127.190133258700371 ], [ 456927.056659923109692, 6717127.540336200967431 ], [ 456926.35645698121516, 6717128.240133259445429 ], [ 456926.35665992309805, 6717128.590336200781167 ], [ 456925.656456981203519, 6717129.290133259259164 ], [ 456925.656659923086409, 6717129.640336200594902 ], [ 456924.606211314676329, 6717130.689887592568994 ], [ 456924.256659923063125, 6717130.340336200781167 ], [ 456923.556104503164534, 6717130.339780781418085 ], [ 456923.206659923074767, 6717129.990336201153696 ], [ 456922.856382213125471, 6717129.990058491006494 ], [ 456922.156659923086409, 6717129.290336200967431 ], [ 456921.806382213137113, 6717129.290058490820229 ], [ 456920.756659923063125, 6717128.240336201153696 ], [ 456920.406382213113829, 6717128.240058491006494 ], [ 456919.706659923074767, 6717127.540336200967431 ], [ 456919.356382213125471, 6717127.540058490820229 ], [ 456918.306659923109692, 6717126.490336201153696 ], [ 456917.956382213102188, 6717126.490058491006494 ], [ 456917.256659923063125, 6717125.790336200967431 ], [ 456916.906382213113829, 6717125.790058490820229 ], [ 456916.206659923074767, 6717125.090336200781167 ], [ 456915.856382213125471, 6717125.090058490633965 ], [ 456915.506382213148754, 6717123.690058491192758 ], [ 456916.206312785623595, 6717122.989983722567558 ], [ 456916.206382213102188, 6717122.640058491379023 ], [ 456916.906312785635237, 6717121.939983722753823 ], [ 456916.906382213113829, 6717121.590058490633965 ], [ 456917.606312785646878, 6717120.889983722940087 ], [ 456917.606382213125471, 6717120.540058490820229 ], [ 456918.306307445047423, 6717119.839983723126352 ], [ 456918.306382213137113, 6717119.490058491006494 ], [ 456919.006307445059065, 6717118.789983723312616 ], [ 456919.006382213148754, 6717118.440058491192758 ], [ 456919.706307445070706, 6717117.739983722567558 ], [ 456919.706382213102188, 6717117.390058491379023 ], [ 456920.406307445082348, 6717116.689983722753823 ], [ 456920.406382213113829, 6717116.340058490633965 ], [ 456921.106307445035782, 6717115.639983722940087 ], [ 456921.106382213125471, 6717115.290058490820229 ], [ 456921.806029735074844, 6717114.58970601297915 ], [ 456921.923052440164611, 6717114.006728718057275 ], [ 456922.856307445035782, 6717113.189983722753823 ], [ 456922.85645698121516, 6717112.8401332590729 ], [ 456923.556307445047423, 6717112.139983722940087 ], [ 456923.556456981168594, 6717111.790133259259164 ], [ 456924.256307445059065, 6717111.089983723126352 ], [ 456924.256456981180236, 6717110.740133259445429 ], [ 456924.956307445070706, 6717110.039983723312616 ], [ 456924.956456981191877, 6717109.690133258700371 ], [ 456925.656307445082348, 6717108.989983722567558 ], [ 456925.656456981203519, 6717108.640133258886635 ], [ 456926.939711986051407, 6717107.473388263955712 ], [ 456927.406029735109769, 6717107.939706012606621 ], [ 456927.756382213148754, 6717107.940058491192758 ], [ 456928.456104503187817, 6717108.639780781231821 ], [ 456928.806382213137113, 6717108.640058491379023 ], [ 456929.506104503176175, 6717109.339780781418085 ], [ 456929.856382213125471, 6717109.340058490633965 ], [ 456930.556104503164534, 6717110.039780780673027 ], [ 456930.906382213113829, 6717110.040058490820229 ], [ 456931.606104503152892, 6717110.739780780859292 ], [ 456931.956382213102188, 6717110.740058491006494 ], [ 456932.65610450314125, 6717111.439780781045556 ], [ 456933.006382213148754, 6717111.440058491192758 ], [ 456933.706104503187817, 6717112.139780781231821 ], [ 456934.056382213137113, 6717112.140058491379023 ], [ 456934.756104503176175, 6717112.839780781418085 ], [ 456935.106382213125471, 6717112.840058490633965 ], [ 456935.456382213102188, 6717113.190058491192758 ], [ 456935.806734691141173, 6717113.190410968847573 ], [ 456938.060383067640942, 6717114.268053791485727 ], [ 456936.156734691176098, 6717114.240410968661308 ], [ 456936.156307445082348, 6717114.589983723126352 ], [ 456935.10645698121516, 6717115.640133258886635 ], [ 456935.106307445035782, 6717115.989983722567558 ], [ 456934.406456981203519, 6717116.690133258700371 ], [ 456934.406307445082348, 6717117.039983723312616 ], [ 456933.35645698121516, 6717118.0901332590729 ], [ 456933.356307445035782, 6717118.439983722753823 ], [ 456932.656456981203519, 6717119.140133258886635 ], [ 456932.656307445082348, 6717119.489983722567558 ], [ 456931.60645698121516, 6717120.540133259259164 ], [ 456931.606307445035782, 6717120.889983722940087 ], [ 456930.906456981203519, 6717121.5901332590729 ], [ 456930.906307445082348, 6717121.939983722753823 ], [ 456929.85645698121516, 6717122.990133259445429 ], [ 456929.739711986097973, 6717123.923388264141977 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456861.743338618776761, 6717122.427012226544321 ], [ 456859.623049769899808, 6717122.406728718429804 ], [ 456857.756382213148754, 6717120.540058490820229 ], [ 456857.406101832864806, 6717120.539780780673027 ], [ 456856.006312785611954, 6717119.139983722940087 ], [ 456855.656032405386213, 6717119.139706012792885 ], [ 456855.189714656386059, 6717118.673388264141977 ], [ 456855.306451640615705, 6717117.740133259445429 ], [ 456855.656312785635237, 6717117.389983722940087 ], [ 456855.656382213113829, 6717117.040058490820229 ], [ 456856.356312785646878, 6717116.339983723126352 ], [ 456856.356382213125471, 6717115.990058491006494 ], [ 456858.806032405409496, 6717113.539706013165414 ], [ 456858.806451640615705, 6717113.190133258700371 ], [ 456861.606312785646878, 6717110.389983722940087 ], [ 456861.606382213125471, 6717110.040058490820229 ], [ 456863.356382213125471, 6717108.990058491006494 ], [ 456864.406101832864806, 6717110.039780780673027 ], [ 456864.756382213148754, 6717110.040058490820229 ], [ 456867.206101832853165, 6717112.489780780859292 ], [ 456867.556382213137113, 6717112.490058491006494 ], [ 456868.256662593397778, 6717113.890336200594902 ], [ 456867.206451640638988, 6717114.940133258700371 ], [ 456867.206662593351211, 6717115.290336200967431 ], [ 456864.406451640592422, 6717118.0901332590729 ], [ 456864.406662593362853, 6717118.44033620133996 ], [ 456861.956732020888012, 6717120.890410969033837 ], [ 456861.743338618776761, 6717122.427012226544321 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456941.639711986063048, 6717116.456728718243539 ], [ 456941.056382213137113, 6717116.340058490633965 ], [ 456940.706659923074767, 6717115.990336201153696 ], [ 456940.35602973512141, 6717115.989706013351679 ], [ 456938.060383067640942, 6717114.268053791485727 ], [ 456937.206382213102188, 6717111.790058490820229 ], [ 456937.906307445082348, 6717111.089983723126352 ], [ 456937.906382213113829, 6717110.740058491006494 ], [ 456938.60602973512141, 6717110.039706013165414 ], [ 456938.60645698121516, 6717109.690133258700371 ], [ 456939.656307445082348, 6717108.639983722940087 ], [ 456939.656382213113829, 6717108.290058490820229 ], [ 456941.056382213137113, 6717107.240058491006494 ], [ 456941.40610450314125, 6717107.589780781418085 ], [ 456941.756382213148754, 6717107.590058490633965 ], [ 456942.456104503187817, 6717108.289780780673027 ], [ 456942.806382213137113, 6717108.290058490820229 ], [ 456943.506104503176175, 6717108.989780780859292 ], [ 456943.856382213125471, 6717108.990058491006494 ], [ 456944.556104503164534, 6717109.689780781045556 ], [ 456944.906382213113829, 6717109.690058491192758 ], [ 456945.956659923074767, 6717111.090336200781167 ], [ 456945.60645698121516, 6717111.440133258700371 ], [ 456945.60665992309805, 6717111.790336200967431 ], [ 456944.556456981168594, 6717112.8401332590729 ], [ 456944.556659923109692, 6717113.19033620133996 ], [ 456943.506456981180236, 6717114.240133259445429 ], [ 456943.506659923063125, 6717114.590336200781167 ], [ 456941.639711986063048, 6717116.456728718243539 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456921.923052440164611, 6717114.006728718057275 ], [ 456921.456734691164456, 6717113.540410969406366 ], [ 456921.106104503152892, 6717113.539780780673027 ], [ 456920.756659923063125, 6717113.19033620133996 ], [ 456920.406382213113829, 6717113.190058491192758 ], [ 456919.706659923074767, 6717112.490336201153696 ], [ 456919.356382213125471, 6717112.490058491006494 ], [ 456918.306659923109692, 6717111.44033620133996 ], [ 456917.956382213102188, 6717111.440058491192758 ], [ 456917.256659923063125, 6717110.740336201153696 ], [ 456916.906382213113829, 6717110.740058491006494 ], [ 456916.206659923074767, 6717110.040336200967431 ], [ 456915.856382213125471, 6717110.040058490820229 ], [ 456914.806659923109692, 6717108.990336201153696 ], [ 456914.456382213102188, 6717108.990058491006494 ], [ 456913.756659923063125, 6717108.290336200967431 ], [ 456913.406382213113829, 6717108.290058490820229 ], [ 456912.706659923074767, 6717107.590336200781167 ], [ 456912.356382213125471, 6717107.590058490633965 ], [ 456911.889717326674145, 6717107.123388264328241 ], [ 456912.006451640627347, 6717106.190133258700371 ], [ 456912.706312785623595, 6717105.489983722567558 ], [ 456912.706451640638988, 6717105.140133258886635 ], [ 456913.05631278565852, 6717104.789983723312616 ], [ 456913.056451640615705, 6717104.440133258700371 ], [ 456913.756312785611954, 6717103.739983722567558 ], [ 456913.873047099623363, 6717102.80672871787101 ], [ 456915.156312785635237, 6717101.639983722940087 ], [ 456915.156382213113829, 6717101.290058490820229 ], [ 456915.856312785646878, 6717100.589983723126352 ], [ 456915.856382213125471, 6717100.240058491006494 ], [ 456916.55631278565852, 6717099.539983723312616 ], [ 456916.556382213137113, 6717099.190058491192758 ], [ 456917.606312785646878, 6717098.139983722940087 ], [ 456917.606382213125471, 6717097.790058490820229 ], [ 456918.306307445047423, 6717097.089983723126352 ], [ 456918.306382213137113, 6717096.740058491006494 ], [ 456919.006029735086486, 6717096.039706013165414 ], [ 456919.006456981180236, 6717095.690133258700371 ], [ 456920.056307445047423, 6717094.639983722940087 ], [ 456920.056382213137113, 6717094.290058490820229 ], [ 456920.756307445059065, 6717093.589983723126352 ], [ 456920.756382213148754, 6717093.240058491006494 ], [ 456922.506382213148754, 6717091.840058490633965 ], [ 456922.856104503152892, 6717092.189780781045556 ], [ 456923.206382213102188, 6717092.190058491192758 ], [ 456923.90610450314125, 6717092.889780781231821 ], [ 456924.256382213148754, 6717092.890058491379023 ], [ 456924.956104503187817, 6717093.589780781418085 ], [ 456925.306382213137113, 6717093.590058490633965 ], [ 456926.356104503152892, 6717094.639780781231821 ], [ 456926.706382213102188, 6717094.640058491379023 ], [ 456927.40610450314125, 6717095.339780781418085 ], [ 456927.756382213148754, 6717095.340058490633965 ], [ 456928.456104503187817, 6717096.039780780673027 ], [ 456928.806382213137113, 6717096.040058490820229 ], [ 456929.856104503152892, 6717097.089780781418085 ], [ 456930.206382213102188, 6717097.090058490633965 ], [ 456930.90610450314125, 6717097.789780780673027 ], [ 456931.256382213148754, 6717097.790058490820229 ], [ 456932.306659923109692, 6717099.540336200967431 ], [ 456931.256456981180236, 6717100.5901332590729 ], [ 456931.256659923063125, 6717100.94033620133996 ], [ 456930.556456981168594, 6717101.640133258886635 ], [ 456930.556659923109692, 6717101.990336201153696 ], [ 456929.506456981180236, 6717103.040133259259164 ], [ 456929.506659923063125, 6717103.390336200594902 ], [ 456928.806456981168594, 6717104.0901332590729 ], [ 456928.806659923109692, 6717104.44033620133996 ], [ 456928.10645698121516, 6717105.140133258886635 ], [ 456928.10665992309805, 6717105.490336201153696 ], [ 456927.056456981168594, 6717106.540133259259164 ], [ 456926.939711986051407, 6717107.473388263955712 ], [ 456925.656456981203519, 6717108.640133258886635 ], [ 456925.656307445082348, 6717108.989983722567558 ], [ 456924.956456981191877, 6717109.690133258700371 ], [ 456924.956307445070706, 6717110.039983723312616 ], [ 456924.256456981180236, 6717110.740133259445429 ], [ 456924.256307445059065, 6717111.089983723126352 ], [ 456923.556456981168594, 6717111.790133259259164 ], [ 456923.556307445047423, 6717112.139983722940087 ], [ 456922.85645698121516, 6717112.8401332590729 ], [ 456922.856307445035782, 6717113.189983722753823 ], [ 456921.923052440164611, 6717114.006728718057275 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456831.506102500425186, 6717112.839780781418085 ], [ 456829.231382213125471, 6717110.040058490820229 ], [ 456835.23971532395808, 6717103.973388263955712 ], [ 456838.15666192577919, 6717107.590336200781167 ], [ 456832.206207309267484, 6717113.189887592568994 ], [ 456831.856661925790831, 6717112.840336200781167 ], [ 456831.506102500425186, 6717112.839780781418085 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456911.889717326674145, 6717107.123388264328241 ], [ 456910.606451640604064, 6717108.290133259259164 ], [ 456910.60665992309805, 6717108.640336200594902 ], [ 456909.556451640615705, 6717109.690133258700371 ], [ 456909.556659923109692, 6717110.040336200967431 ], [ 456908.856451640604064, 6717110.740133259445429 ], [ 456908.85665992309805, 6717111.090336200781167 ], [ 456908.156451640592422, 6717111.790133259259164 ], [ 456908.156659923086409, 6717112.140336200594902 ], [ 456907.106451640604064, 6717113.190133258700371 ], [ 456907.10665992309805, 6717113.540336200967431 ], [ 456906.056205974135082, 6717114.589887592941523 ], [ 456905.706659923074767, 6717114.240336201153696 ], [ 456905.006104503176175, 6717114.239780780859292 ], [ 456904.656659923086409, 6717113.890336200594902 ], [ 456904.306382213137113, 6717113.890058491379023 ], [ 456903.60665992309805, 6717113.19033620133996 ], [ 456903.256382213148754, 6717113.190058491192758 ], [ 456902.206659923074767, 6717112.140336200594902 ], [ 456901.856382213125471, 6717112.140058491379023 ], [ 456901.156659923086409, 6717111.44033620133996 ], [ 456900.806382213137113, 6717111.440058491192758 ], [ 456899.756659923063125, 6717110.390336200594902 ], [ 456899.406382213113829, 6717110.390058491379023 ], [ 456898.706659923074767, 6717109.69033620133996 ], [ 456898.356382213125471, 6717109.690058491192758 ], [ 456897.656659923086409, 6717108.990336201153696 ], [ 456897.306382213137113, 6717108.990058491006494 ], [ 456896.956382213102188, 6717107.590058490633965 ], [ 456897.656312785635237, 6717106.889983722940087 ], [ 456897.656382213113829, 6717106.540058490820229 ], [ 456898.356312785646878, 6717105.839983723126352 ], [ 456898.356382213125471, 6717105.490058491006494 ], [ 456899.05631278565852, 6717104.789983723312616 ], [ 456899.056382213137113, 6717104.440058491192758 ], [ 456899.406312785635237, 6717104.089983723126352 ], [ 456899.406382213113829, 6717103.740058491006494 ], [ 456900.106312785646878, 6717103.039983723312616 ], [ 456900.106382213125471, 6717102.690058491192758 ], [ 456900.80631278565852, 6717101.989983722567558 ], [ 456900.806382213137113, 6717101.640058491379023 ], [ 456901.506312785611954, 6717100.939983722753823 ], [ 456901.506382213148754, 6717100.590058490633965 ], [ 456902.206312785623595, 6717099.889983722940087 ], [ 456902.206382213102188, 6717099.540058490820229 ], [ 456903.256312785611954, 6717098.489983722567558 ], [ 456903.256382213148754, 6717098.140058491379023 ], [ 456905.006382213148754, 6717096.740058491006494 ], [ 456905.356104503152892, 6717097.089780781418085 ], [ 456905.706382213102188, 6717097.090058490633965 ], [ 456906.40610450314125, 6717097.789780780673027 ], [ 456906.756382213148754, 6717097.790058490820229 ], [ 456907.456104503187817, 6717098.489780780859292 ], [ 456907.806382213137113, 6717098.490058491006494 ], [ 456908.856104503152892, 6717099.539780780673027 ], [ 456909.206382213102188, 6717099.540058490820229 ], [ 456909.90610450314125, 6717100.239780780859292 ], [ 456910.256382213148754, 6717100.240058491006494 ], [ 456911.306104503164534, 6717101.289780780673027 ], [ 456911.656382213113829, 6717101.290058490820229 ], [ 456912.356104503152892, 6717101.989780780859292 ], [ 456912.706382213102188, 6717101.990058491006494 ], [ 456913.056382213137113, 6717102.340058490633965 ], [ 456913.406734691176098, 6717102.340410969220102 ], [ 456913.873047099623363, 6717102.80672871787101 ], [ 456913.756312785611954, 6717103.739983722567558 ], [ 456913.056451640615705, 6717104.440133258700371 ], [ 456913.05631278565852, 6717104.789983723312616 ], [ 456912.706451640638988, 6717105.140133258886635 ], [ 456912.706312785623595, 6717105.489983722567558 ], [ 456912.006451640627347, 6717106.190133258700371 ], [ 456911.889717326674145, 6717107.123388264328241 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.706382213102188, 6717102.340058490633965 ], [ 456835.356661925790831, 6717101.990336201153696 ], [ 456835.006102500425186, 6717101.989780780859292 ], [ 456834.65666192577919, 6717101.640336200594902 ], [ 456834.306382213137113, 6717101.640058491379023 ], [ 456831.506661925814115, 6717098.840336200781167 ], [ 456831.156382213113829, 6717098.840058490633965 ], [ 456830.106382213125471, 6717096.390058491379023 ], [ 456830.339365516207181, 6717095.806376240216196 ], [ 456831.506311784265563, 6717094.639983722940087 ], [ 456831.506452641973738, 6717094.290133259259164 ], [ 456832.856382070051041, 6717092.740063068456948 ], [ 456833.606032071576919, 6717093.239706013351679 ], [ 456833.956382213102188, 6717093.240058491006494 ], [ 456835.006102500425186, 6717094.289780780673027 ], [ 456835.356382213125471, 6717094.290058490820229 ], [ 456838.156102500448469, 6717097.089780781418085 ], [ 456838.506382213148754, 6717097.090058490633965 ], [ 456839.206661925825756, 6717098.490336201153696 ], [ 456838.50645230821101, 6717099.190133258700371 ], [ 456838.506661925814115, 6717099.540336200967431 ], [ 456836.75645230821101, 6717101.290133259259164 ], [ 456836.756661925814115, 6717101.640336200594902 ], [ 456835.706382213102188, 6717102.340058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456830.339365516207181, 6717095.806376240216196 ], [ 456829.056382213137113, 6717095.690058491192758 ], [ 456828.706661967502441, 6717095.340336200781167 ], [ 456828.356382213125471, 6717095.340058490633965 ], [ 456828.356382213125471, 6717085.890058491379023 ], [ 456829.40631195117021, 6717084.839983723126352 ], [ 456829.406382213113829, 6717084.490058491006494 ], [ 456830.456311951158568, 6717083.439983722753823 ], [ 456830.456382213102188, 6717083.090058490633965 ], [ 456832.206382213102188, 6717082.040058490820229 ], [ 456832.906102500448469, 6717082.739780780859292 ], [ 456833.256382213148754, 6717082.740058491006494 ], [ 456833.956102500436828, 6717083.439780781045556 ], [ 456834.306382213137113, 6717083.440058491192758 ], [ 456834.656102500448469, 6717083.789780780673027 ], [ 456835.006382213148754, 6717083.790058490820229 ], [ 456835.706102500436828, 6717084.489780780859292 ], [ 456836.056382213137113, 6717084.490058491006494 ], [ 456836.756661925814115, 6717085.890336200594902 ], [ 456836.056452308199368, 6717086.5901332590729 ], [ 456836.056661925802473, 6717086.94033620133996 ], [ 456835.356452308187727, 6717087.640133258886635 ], [ 456835.356661925790831, 6717087.990336201153696 ], [ 456834.656452308176085, 6717088.690133258700371 ], [ 456834.65666192577919, 6717089.040336200967431 ], [ 456833.956452308164444, 6717089.740133259445429 ], [ 456833.956661925825756, 6717090.090336200781167 ], [ 456832.906452641997021, 6717091.140133258886635 ], [ 456832.856382070051041, 6717092.740063068456948 ], [ 456831.506452641973738, 6717094.290133259259164 ], [ 456831.506311784265563, 6717094.639983722940087 ], [ 456830.339365516207181, 6717095.806376240216196 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456832.2065571169951, 6717074.077729389071465 ], [ 456833.606661925790831, 6717077.490336201153696 ], [ 456829.406452475057449, 6717080.990133259445429 ], [ 456829.406032238504849, 6717081.33970601297915 ], [ 456828.356382213125471, 6717081.690058491192758 ], [ 456828.356382213125471, 6717070.490058491006494 ], [ 456828.706382213102188, 6717070.490058491006494 ], [ 456832.2065571169951, 6717074.077729389071465 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456839.206661925825756, 6717068.390336200594902 ], [ 456832.2065571169951, 6717074.077729389071465 ], [ 456828.706382213102188, 6717070.490058491006494 ], [ 456828.356382213125471, 6717070.490058491006494 ], [ 456828.356382213125471, 6717068.740058491006494 ], [ 456829.756661925814115, 6717067.69033620133996 ], [ 456829.756452475092374, 6717067.340122577734292 ], [ 456830.841382179758511, 6717065.765058491379023 ], [ 456835.006382213148754, 6717063.490058491006494 ], [ 456839.206661925825756, 6717068.390336200594902 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456830.841382179758511, 6717065.765058491379023 ], [ 456829.756452475092374, 6717067.340122577734292 ], [ 456829.756661925814115, 6717067.69033620133996 ], [ 456828.356382213125471, 6717068.740058491006494 ], [ 456828.356382213125471, 6717057.890058491379023 ], [ 456828.706661967502441, 6717057.890336200594902 ], [ 456829.056382213137113, 6717058.240058491006494 ], [ 456829.40666192577919, 6717058.240336201153696 ], [ 456830.806102500471752, 6717059.639780781231821 ], [ 456831.156382213113829, 6717059.640058491379023 ], [ 456831.856102500460111, 6717060.339780781418085 ], [ 456832.206382213102188, 6717060.340058490633965 ], [ 456832.90666192577919, 6717061.740336201153696 ], [ 456832.206452641985379, 6717062.440122578293085 ], [ 456832.206661925825756, 6717062.790336200967431 ], [ 456831.506452641973738, 6717063.490122578106821 ], [ 456831.506661925814115, 6717063.840336200781167 ], [ 456830.806732187746093, 6717064.540400288067758 ], [ 456830.841382179758511, 6717065.765058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456914.106382213125471, 6717060.690058491192758 ], [ 456905.006104503176175, 6717065.939780781045556 ], [ 456903.606382213125471, 6717062.790058490820229 ], [ 456912.35665992309805, 6717057.890336200594902 ], [ 456914.106382213125471, 6717060.690058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717207.340058490633965 ], [ 457027.506382213148754, 6717207.340058490633965 ], [ 457026.10665992309805, 6717205.94033620133996 ], [ 457025.756382213148754, 6717205.940058491192758 ], [ 457025.406382213113829, 6717204.540058490820229 ], [ 457026.106318126199767, 6717203.839989063329995 ], [ 457026.106382213125471, 6717203.490058491006494 ], [ 457026.456040416262113, 6717203.139706012792885 ], [ 457026.10665992309805, 6717201.390336200594902 ], [ 457025.756382213148754, 6717201.390058491379023 ], [ 457025.056659923109692, 6717200.69033620133996 ], [ 457024.706382213102188, 6717200.690058491192758 ], [ 457024.006659923063125, 6717199.990336201153696 ], [ 457023.656382213113829, 6717199.990058491006494 ], [ 457022.956659923074767, 6717199.290336200967431 ], [ 457022.606382213125471, 6717199.290058490820229 ], [ 457021.906659923086409, 6717198.590336200781167 ], [ 457021.556382213137113, 6717198.590058490633965 ], [ 457020.85665992309805, 6717197.890336200594902 ], [ 457020.506382213148754, 6717197.890058491379023 ], [ 457019.806659923109692, 6717197.19033620133996 ], [ 457019.456382213102188, 6717197.190058491192758 ], [ 457018.406446300039534, 6717195.790127918124199 ], [ 457018.75631812622305, 6717195.439989063888788 ], [ 457018.756382213148754, 6717195.090058490633965 ], [ 457019.106318126199767, 6717194.739989063702524 ], [ 457019.106382213125471, 6717194.390058491379023 ], [ 457019.456318126234692, 6717194.039989063516259 ], [ 457019.456382213102188, 6717193.690058491192758 ], [ 457020.156318126188125, 6717192.989989063702524 ], [ 457020.156382213113829, 6717192.640058491379023 ], [ 457020.856318126199767, 6717191.939989063888788 ], [ 457020.856382213125471, 6717191.590058490633965 ], [ 457021.556318126211409, 6717190.88998906314373 ], [ 457021.556382213137113, 6717190.540058490820229 ], [ 457021.906318126188125, 6717190.189989063888788 ], [ 457021.906382213113829, 6717189.840058490633965 ], [ 457022.606318126199767, 6717189.13998906314373 ], [ 457022.606382213125471, 6717188.790058490820229 ], [ 457023.306318126211409, 6717188.089989063329995 ], [ 457023.306382213137113, 6717187.740058491006494 ], [ 457024.00631812622305, 6717187.039989063516259 ], [ 457024.006382213148754, 6717186.690058491192758 ], [ 457024.356318126199767, 6717186.339989063329995 ], [ 457024.356382213125471, 6717185.990058491006494 ], [ 457025.056318126211409, 6717185.289989063516259 ], [ 457025.056382213137113, 6717184.940058491192758 ], [ 457025.75631812622305, 6717184.239989063702524 ], [ 457025.756382213148754, 6717183.890058491379023 ], [ 457026.456318126234692, 6717183.189989063888788 ], [ 457026.456446300027892, 6717182.140127918682992 ], [ 457027.856382213125471, 6717180.740058491006494 ], [ 457027.856382213125471, 6717207.340058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717175.490058491006494 ], [ 457027.15610450314125, 6717175.489780780859292 ], [ 457025.756659923063125, 6717174.090336200781167 ], [ 457025.406382213113829, 6717174.090058490633965 ], [ 457024.706659923074767, 6717173.390336200594902 ], [ 457024.356382213125471, 6717173.390058491379023 ], [ 457023.306446300062817, 6717171.990127918310463 ], [ 457023.656318126188125, 6717171.63998906314373 ], [ 457023.656382213113829, 6717171.290058490820229 ], [ 457024.00631812622305, 6717170.939989063888788 ], [ 457024.006382213148754, 6717170.590058490633965 ], [ 457024.706318126234692, 6717169.88998906314373 ], [ 457024.706382213102188, 6717169.540058490820229 ], [ 457025.056318126211409, 6717169.189989063888788 ], [ 457025.056382213137113, 6717168.840058490633965 ], [ 457025.75631812622305, 6717168.13998906314373 ], [ 457025.756382213148754, 6717167.790058490820229 ], [ 457026.456318126234692, 6717167.089989063329995 ], [ 457026.456446300027892, 6717165.690127918496728 ], [ 457026.806040416238829, 6717165.33970601297915 ], [ 457026.806446300062817, 6717162.890127918682992 ], [ 457027.156040416273754, 6717162.539706013165414 ], [ 457027.156446300039534, 6717160.0901332590729 ], [ 457027.506040416250471, 6717159.739706013351679 ], [ 457027.50644630001625, 6717159.390133258886635 ], [ 457027.856382213125471, 6717159.040058490820229 ], [ 457027.856382213125471, 6717175.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456886.106104503152892, 6717064.539780780673027 ], [ 456876.656382213113829, 6717052.990058491006494 ], [ 456891.356382213125471, 6717052.990058491006494 ], [ 456891.35602973512141, 6717053.339716694317758 ], [ 456888.906451640592422, 6717055.090122577734292 ], [ 456888.906029735109769, 6717055.439716693945229 ], [ 456888.556382213137113, 6717055.790058490820229 ], [ 456891.006659923063125, 6717059.990336201153696 ], [ 456890.656451640592422, 6717060.340122577734292 ], [ 456890.656659923086409, 6717060.69033620133996 ], [ 456888.906451640592422, 6717062.440122578293085 ], [ 456888.906659923086409, 6717062.790336200967431 ], [ 456886.806205974135082, 6717064.889887592755258 ], [ 456886.456659923074767, 6717064.540336200967431 ], [ 456886.106104503152892, 6717064.539780780673027 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456913.056382213137113, 6717054.390058491379023 ], [ 456912.006382213148754, 6717052.990058491006494 ], [ 456923.906382213113829, 6717052.990058491006494 ], [ 456923.906029735109769, 6717053.339716694317758 ], [ 456917.956205974100158, 6717058.589887592941523 ], [ 456917.60665992309805, 6717058.240336201153696 ], [ 456917.256104503176175, 6717058.239780780859292 ], [ 456913.406659923086409, 6717054.390336200594902 ], [ 456913.056382213137113, 6717054.390058491379023 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456950.856104503152892, 6717054.039780780673027 ], [ 456949.806382213137113, 6717052.990058491006494 ], [ 456954.356382213125471, 6717052.990058491006494 ], [ 456954.35602973512141, 6717053.689716693945229 ], [ 456952.956211314711254, 6717054.739887592382729 ], [ 456952.60665992309805, 6717054.390336200594902 ], [ 456951.556382213137113, 6717054.390058491379023 ], [ 456951.206382213102188, 6717054.040058490820229 ], [ 456950.856104503152892, 6717054.039780780673027 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.256382213148754, 6717245.840058490633965 ], [ 456867.906662593362853, 6717245.490338203497231 ], [ 456867.206101832853165, 6717245.489778778515756 ], [ 456866.856662593374494, 6717245.14033820386976 ], [ 456866.506382213148754, 6717245.140058491379023 ], [ 456865.806662593386136, 6717244.440338203683496 ], [ 456865.456382213102188, 6717244.440058491192758 ], [ 456864.756662593397778, 6717243.740338203497231 ], [ 456864.406382213113829, 6717243.740058491006494 ], [ 456863.706662593351211, 6717243.040338203310966 ], [ 456863.356382213125471, 6717243.040058490820229 ], [ 456862.656662593362853, 6717242.340338204056025 ], [ 456862.306382213137113, 6717242.340058490633965 ], [ 456861.956382213102188, 6717240.940058491192758 ], [ 456862.656032405386213, 6717240.2397086834535 ], [ 456862.656451640592422, 6717239.890129253268242 ], [ 456863.706312785623595, 6717238.839987728744745 ], [ 456863.706382213102188, 6717238.490058491006494 ], [ 456864.406312785635237, 6717237.789987727999687 ], [ 456864.406382213113829, 6717237.440058491192758 ], [ 456865.106032405397855, 6717236.7397086834535 ], [ 456865.106451640604064, 6717236.390129253268242 ], [ 456866.156312785635237, 6717235.339987728744745 ], [ 456866.156382213113829, 6717234.990058491006494 ], [ 456866.856312785646878, 6717234.289987727999687 ], [ 456866.856382213125471, 6717233.940058491192758 ], [ 456867.556032405409496, 6717233.2397086834535 ], [ 456867.556451640615705, 6717232.890129253268242 ], [ 456869.306382213137113, 6717231.490058491006494 ], [ 456869.656101832864806, 6717231.839778110384941 ], [ 456870.006382213148754, 6717231.840058490633965 ], [ 456870.706101832853165, 6717232.539778110571206 ], [ 456871.056382213137113, 6717232.540058490820229 ], [ 456871.756101832899731, 6717233.23977811075747 ], [ 456872.106382213125471, 6717233.240058491006494 ], [ 456872.806101832888089, 6717233.939778110943735 ], [ 456873.156382213113829, 6717233.940058491192758 ], [ 456873.856104503152892, 6717234.639778111129999 ], [ 456874.206382213102188, 6717234.640058491379023 ], [ 456875.256659923063125, 6717236.390338871628046 ], [ 456874.206451640638988, 6717237.4401292540133 ], [ 456874.206659923074767, 6717237.790338871069252 ], [ 456873.506451640627347, 6717238.490129253827035 ], [ 456873.506659923063125, 6717238.840338870882988 ], [ 456872.806451640615705, 6717239.540129253640771 ], [ 456872.806662593386136, 6717239.890338871628046 ], [ 456871.756451640627347, 6717240.9401292540133 ], [ 456871.756662593397778, 6717241.290338203310966 ], [ 456871.056451640615705, 6717241.990128586068749 ], [ 456871.056662593386136, 6717242.340338204056025 ], [ 456870.356451640604064, 6717243.040128585882485 ], [ 456870.356662593374494, 6717243.39033820386976 ], [ 456869.306451640615705, 6717244.440128586255014 ], [ 456869.306662593386136, 6717244.790338203310966 ], [ 456868.256382213148754, 6717245.840058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456974.306382213137113, 6717244.790058490820229 ], [ 456973.956659923074767, 6717244.440338203683496 ], [ 456973.256104503176175, 6717244.439778778702021 ], [ 456972.906659923086409, 6717244.090338204056025 ], [ 456972.556382213137113, 6717244.090058490633965 ], [ 456971.85665992309805, 6717243.39033820386976 ], [ 456971.506382213148754, 6717243.390058491379023 ], [ 456970.456659923074767, 6717242.340338204056025 ], [ 456970.106382213125471, 6717242.340058490633965 ], [ 456969.406659923086409, 6717241.64033820386976 ], [ 456969.056382213137113, 6717241.640058491379023 ], [ 456968.35665992309805, 6717240.940338871441782 ], [ 456968.006382213148754, 6717240.940058491192758 ], [ 456966.956659923074767, 6717239.890338871628046 ], [ 456966.606382213125471, 6717239.890058491379023 ], [ 456965.906659923086409, 6717239.190338871441782 ], [ 456965.556382213137113, 6717239.190058491192758 ], [ 456964.85665992309805, 6717238.490338871255517 ], [ 456964.506382213148754, 6717238.490058491006494 ], [ 456964.156382213113829, 6717237.090058490633965 ], [ 456965.206307445070706, 6717236.039987727999687 ], [ 456965.206382213102188, 6717235.690058491192758 ], [ 456965.906029735109769, 6717234.9897086834535 ], [ 456965.906456981203519, 6717234.640129253268242 ], [ 456966.956307445070706, 6717233.589987728744745 ], [ 456966.956382213102188, 6717233.240058491006494 ], [ 456968.706382213102188, 6717231.840058490633965 ], [ 456969.056104503164534, 6717232.189778110943735 ], [ 456969.406382213113829, 6717232.190058491192758 ], [ 456970.106104503152892, 6717232.889778111129999 ], [ 456970.456382213102188, 6717232.890058491379023 ], [ 456971.15610450314125, 6717233.589778110384941 ], [ 456971.506382213148754, 6717233.590058490633965 ], [ 456972.556104503164534, 6717234.639778111129999 ], [ 456972.906382213113829, 6717234.640058491379023 ], [ 456973.606104503152892, 6717235.339778110384941 ], [ 456973.956382213102188, 6717235.340058490633965 ], [ 456974.65610450314125, 6717236.039778110571206 ], [ 456975.006382213148754, 6717236.040058490820229 ], [ 456976.056104503164534, 6717237.089778110384941 ], [ 456976.406382213113829, 6717237.090058490633965 ], [ 456977.106104503152892, 6717237.789778110571206 ], [ 456977.456382213102188, 6717237.790058490820229 ], [ 456978.506659923063125, 6717239.540338871069252 ], [ 456977.456456981191877, 6717240.590129253454506 ], [ 456977.456659923074767, 6717240.940338871441782 ], [ 456976.406456981203519, 6717241.990128586068749 ], [ 456976.406659923086409, 6717242.340338204056025 ], [ 456975.706456981191877, 6717243.040128585882485 ], [ 456975.706659923074767, 6717243.39033820386976 ], [ 456974.306382213137113, 6717244.790058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456981.306382213137113, 6717237.440058491192758 ], [ 456980.956659923074767, 6717237.090338870882988 ], [ 456980.256104503176175, 6717237.089778110384941 ], [ 456979.556659923109692, 6717236.390338871628046 ], [ 456979.206382213102188, 6717236.390058491379023 ], [ 456978.156659923086409, 6717235.340338870882988 ], [ 456977.806382213137113, 6717235.340058490633965 ], [ 456977.10665992309805, 6717234.640338871628046 ], [ 456976.756382213148754, 6717234.640058491379023 ], [ 456975.706659923074767, 6717233.590338870882988 ], [ 456975.356382213125471, 6717233.590058490633965 ], [ 456974.306659923109692, 6717232.540338871069252 ], [ 456973.956382213102188, 6717232.540058490820229 ], [ 456973.60645698121516, 6717231.140129253268242 ], [ 456974.656029735109769, 6717230.089708683080971 ], [ 456974.656456981203519, 6717229.740127918310463 ], [ 456975.706029735098127, 6717228.689708683639765 ], [ 456975.706456981191877, 6717228.340127918869257 ], [ 456976.756029735086486, 6717227.289708683267236 ], [ 456976.756456981180236, 6717226.940127918496728 ], [ 456977.806382213137113, 6717226.590058490633965 ], [ 456978.15610450314125, 6717226.939778110943735 ], [ 456978.506382213148754, 6717226.940058491192758 ], [ 456979.206104503187817, 6717227.639778111129999 ], [ 456979.556382213137113, 6717227.640058491379023 ], [ 456980.256104503176175, 6717228.339778110384941 ], [ 456980.606382213125471, 6717228.340058490633965 ], [ 456981.306382213137113, 6717229.040058490820229 ], [ 456981.656659923086409, 6717229.040338871069252 ], [ 456982.706104503187817, 6717230.089778110384941 ], [ 456983.056382213137113, 6717230.090058490633965 ], [ 456983.756104503176175, 6717230.789778110571206 ], [ 456984.106382213125471, 6717230.790058490820229 ], [ 456985.156659923086409, 6717232.540338871069252 ], [ 456984.10645698121516, 6717233.590129253454506 ], [ 456984.10665992309805, 6717233.940338871441782 ], [ 456983.406456981203519, 6717234.640129253268242 ], [ 456983.406659923086409, 6717234.990338871255517 ], [ 456982.706456981191877, 6717235.6901292540133 ], [ 456982.706659923074767, 6717236.040338871069252 ], [ 456981.306382213137113, 6717237.440058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456889.60665992309805, 6717233.590338870882988 ], [ 456888.206382213102188, 6717233.940058491192758 ], [ 456886.806659923109692, 6717232.540338871069252 ], [ 456886.456382213102188, 6717232.540058490820229 ], [ 456885.406659923086409, 6717231.490338871255517 ], [ 456885.056382213137113, 6717231.490058491006494 ], [ 456883.656659923086409, 6717230.090338870882988 ], [ 456883.306382213137113, 6717230.090058490633965 ], [ 456882.956382213102188, 6717228.690058491192758 ], [ 456884.006312785611954, 6717227.63998906314373 ], [ 456884.006382213148754, 6717227.290058490820229 ], [ 456885.05631278565852, 6717226.239989063702524 ], [ 456885.056382213137113, 6717225.890058491379023 ], [ 456885.756029735086486, 6717225.189708683639765 ], [ 456885.756451640627347, 6717224.840127918869257 ], [ 456886.80631278565852, 6717223.789989063516259 ], [ 456886.806382213137113, 6717223.440058491192758 ], [ 456887.856312785646878, 6717222.38998906314373 ], [ 456887.856382213125471, 6717222.040058490820229 ], [ 456889.606382213125471, 6717220.640058491379023 ], [ 456889.956104503187817, 6717220.98977811075747 ], [ 456890.306382213137113, 6717220.990058491006494 ], [ 456891.356104503152892, 6717222.039778110571206 ], [ 456891.706382213102188, 6717222.040058490820229 ], [ 456892.406382213113829, 6717222.740058491006494 ], [ 456892.756659923063125, 6717222.740338871255517 ], [ 456893.806104503164534, 6717223.789778110571206 ], [ 456894.156382213113829, 6717223.790058490820229 ], [ 456895.556659923109692, 6717225.540338871069252 ], [ 456895.206451640638988, 6717225.890127918682992 ], [ 456895.206659923074767, 6717226.240338871255517 ], [ 456894.156451640592422, 6717227.290127918124199 ], [ 456894.156659923086409, 6717227.640338871628046 ], [ 456893.106451640604064, 6717228.690127918496728 ], [ 456893.10665992309805, 6717229.040338871069252 ], [ 456891.706451640638988, 6717230.4401292540133 ], [ 456891.706659923074767, 6717230.790338871069252 ], [ 456890.656451640592422, 6717231.840129253454506 ], [ 456890.656659923086409, 6717232.190338871441782 ], [ 456889.606451640604064, 6717233.240129253827035 ], [ 456889.60665992309805, 6717233.590338870882988 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.156382213113829, 6717233.590058490633965 ], [ 456851.806662593386136, 6717233.240338871255517 ], [ 456851.106101832876448, 6717233.23977811075747 ], [ 456850.756662593397778, 6717232.890338871628046 ], [ 456850.406382213113829, 6717232.890058491379023 ], [ 456849.706662593351211, 6717232.190338871441782 ], [ 456849.356382213125471, 6717232.190058491192758 ], [ 456848.656662593362853, 6717231.490338871255517 ], [ 456848.306382213137113, 6717231.490058491006494 ], [ 456847.606662593374494, 6717230.790338871069252 ], [ 456847.256382213148754, 6717230.790058490820229 ], [ 456846.206382213102188, 6717229.040058490820229 ], [ 456846.906311450467911, 6717228.339989063329995 ], [ 456846.906382213113829, 6717227.990058491006494 ], [ 456847.606311450479552, 6717227.289989063516259 ], [ 456847.606382213125471, 6717226.940058491192758 ], [ 456848.306311450491194, 6717226.239989063702524 ], [ 456848.306382213137113, 6717225.890058491379023 ], [ 456849.006311450502835, 6717225.189989063888788 ], [ 456849.006382213148754, 6717224.840058490633965 ], [ 456849.706311450514477, 6717224.13998906314373 ], [ 456849.706382213102188, 6717223.790058490820229 ], [ 456850.406311450467911, 6717223.089989063329995 ], [ 456850.406382213113829, 6717222.740058491006494 ], [ 456851.106312785646878, 6717222.039989063516259 ], [ 456851.106382213125471, 6717221.690058491192758 ], [ 456851.80631278565852, 6717220.989989063702524 ], [ 456851.806382213137113, 6717220.640058491379023 ], [ 456853.556382213137113, 6717219.590058490633965 ], [ 456854.256101832899731, 6717220.289778110571206 ], [ 456854.606382213125471, 6717220.290058490820229 ], [ 456855.306101832888089, 6717220.98977811075747 ], [ 456855.656382213113829, 6717220.990058491006494 ], [ 456856.006382213148754, 6717221.340058490633965 ], [ 456856.356662593374494, 6717221.340338870882988 ], [ 456857.056101832888089, 6717222.039778110571206 ], [ 456857.406382213113829, 6717222.040058490820229 ], [ 456858.106101832876448, 6717222.73977811075747 ], [ 456858.456382213102188, 6717222.740058491006494 ], [ 456859.156662593362853, 6717224.140338871628046 ], [ 456858.106451640604064, 6717225.190127918496728 ], [ 456858.106662593374494, 6717225.540338871069252 ], [ 456857.406451640592422, 6717226.240127918310463 ], [ 456857.406662593362853, 6717226.590338870882988 ], [ 456856.706451640638988, 6717227.290127918124199 ], [ 456856.706662593351211, 6717227.640338871628046 ], [ 456855.656451640592422, 6717228.690127918496728 ], [ 456855.656662593362853, 6717229.040338871069252 ], [ 456854.956451640638988, 6717229.740127918310463 ], [ 456854.956662593351211, 6717230.090338870882988 ], [ 456854.256451640627347, 6717230.790129253640771 ], [ 456854.256662593397778, 6717231.140338871628046 ], [ 456853.206451640638988, 6717232.1901292540133 ], [ 456853.206662593351211, 6717232.540338871069252 ], [ 456852.156382213113829, 6717233.590058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456990.056382213137113, 6717230.790058490820229 ], [ 456989.706659923074767, 6717230.440338871441782 ], [ 456989.006104503176175, 6717230.439778110943735 ], [ 456988.306659923109692, 6717229.740338871255517 ], [ 456987.956382213102188, 6717229.740058491006494 ], [ 456986.906659923086409, 6717228.690338871441782 ], [ 456986.556382213137113, 6717228.690058491192758 ], [ 456985.506659923063125, 6717227.640338871628046 ], [ 456985.156382213113829, 6717227.640058491379023 ], [ 456984.10665992309805, 6717226.590338870882988 ], [ 456983.756382213148754, 6717226.590058490633965 ], [ 456982.706659923074767, 6717225.540338871069252 ], [ 456982.356382213125471, 6717225.540058490820229 ], [ 456981.656659923086409, 6717224.840338870882988 ], [ 456981.306382213137113, 6717224.840058490633965 ], [ 456980.256659923063125, 6717223.790338871069252 ], [ 456979.906382213113829, 6717223.790058490820229 ], [ 456978.85665992309805, 6717222.740338871255517 ], [ 456978.506382213148754, 6717222.740058491006494 ], [ 456977.456659923074767, 6717221.690338871441782 ], [ 456977.106382213125471, 6717221.690058491192758 ], [ 456976.056659923109692, 6717220.640338871628046 ], [ 456975.706382213102188, 6717220.640058491379023 ], [ 456973.956553111551329, 6717218.89023473020643 ], [ 456974.306307445047423, 6717218.539989063516259 ], [ 456974.306382213137113, 6717217.840058490633965 ], [ 456975.356307445035782, 6717216.789989063516259 ], [ 456975.356382213125471, 6717216.440058491192758 ], [ 456976.406307445082348, 6717215.38998906314373 ], [ 456976.406382213113829, 6717215.040058490820229 ], [ 456977.456307445070706, 6717213.989989063702524 ], [ 456977.456382213102188, 6717213.640058491379023 ], [ 456978.506307445059065, 6717212.589989063329995 ], [ 456978.506382213148754, 6717212.240058491006494 ], [ 456979.556307445047423, 6717211.189989063888788 ], [ 456979.556382213137113, 6717210.840058490633965 ], [ 456980.60602973512141, 6717209.789708683267236 ], [ 456980.60645698121516, 6717209.440127918496728 ], [ 456982.006307445059065, 6717208.039989063516259 ], [ 456982.006382213148754, 6717207.690058491192758 ], [ 456983.056307445047423, 6717206.63998906314373 ], [ 456983.056382213137113, 6717206.290058490820229 ], [ 456984.106307445035782, 6717205.239989063702524 ], [ 456984.106382213125471, 6717204.890058491379023 ], [ 456985.156307445082348, 6717203.839989063329995 ], [ 456985.156382213113829, 6717203.490058491006494 ], [ 456986.206307445070706, 6717202.439989063888788 ], [ 456986.206382213102188, 6717202.090058490633965 ], [ 456987.256307445059065, 6717201.039989063516259 ], [ 456987.256382213148754, 6717200.690058491192758 ], [ 456988.306382213137113, 6717200.340058490633965 ], [ 456988.65610450314125, 6717200.689780781045556 ], [ 456989.006382213148754, 6717200.690058491192758 ], [ 456990.056104503164534, 6717201.739780780859292 ], [ 456990.406382213113829, 6717201.740058491006494 ], [ 456991.456104503187817, 6717202.789780780673027 ], [ 456991.806382213137113, 6717202.790058490820229 ], [ 456993.206104503187817, 6717204.189780781045556 ], [ 456993.556382213137113, 6717204.190058491192758 ], [ 456994.606104503152892, 6717205.239780780859292 ], [ 456994.956382213102188, 6717205.240058491006494 ], [ 456996.006104503176175, 6717206.289780780673027 ], [ 456996.356382213125471, 6717206.290058490820229 ], [ 456997.40610450314125, 6717207.339780781418085 ], [ 456997.756382213148754, 6717207.340058490633965 ], [ 456998.806104503164534, 6717208.389778111129999 ], [ 456999.156382213113829, 6717208.390058491379023 ], [ 457000.556104503164534, 6717209.789778110571206 ], [ 457000.906382213113829, 6717209.790058490820229 ], [ 457001.956104503187817, 6717210.839778110384941 ], [ 457002.306382213137113, 6717210.840058490633965 ], [ 457003.706659923074767, 6717212.940338871441782 ], [ 457002.656456981203519, 6717213.990127918310463 ], [ 457002.656659923086409, 6717214.340338870882988 ], [ 457001.60645698121516, 6717215.390127918682992 ], [ 457001.60665992309805, 6717215.740338871255517 ], [ 457000.556456981168594, 6717216.790127918124199 ], [ 457000.556659923109692, 6717217.140338871628046 ], [ 456999.506456981180236, 6717218.190127918496728 ], [ 456999.506659923063125, 6717218.540338871069252 ], [ 456998.456456981191877, 6717219.590127918869257 ], [ 456998.456659923074767, 6717219.940338871441782 ], [ 456997.406456981203519, 6717220.990127918310463 ], [ 456997.406659923086409, 6717221.340338870882988 ], [ 456996.706456981191877, 6717222.040127918124199 ], [ 456996.706659923074767, 6717222.390338871628046 ], [ 456995.656456981203519, 6717223.440127918496728 ], [ 456995.656659923086409, 6717223.790338871069252 ], [ 456994.60645698121516, 6717224.840127918869257 ], [ 456994.60665992309805, 6717225.190338871441782 ], [ 456993.556456981168594, 6717226.240127918310463 ], [ 456993.556659923109692, 6717226.590338870882988 ], [ 456992.506456981180236, 6717227.640127918682992 ], [ 456992.506659923063125, 6717227.990338871255517 ], [ 456991.456456981191877, 6717229.040127918124199 ], [ 456991.456659923074767, 6717229.390338871628046 ], [ 456990.056382213137113, 6717230.790058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456847.256382213148754, 6717203.490058491006494 ], [ 456846.906662593362853, 6717203.140336200594902 ], [ 456846.206101832853165, 6717203.139780781231821 ], [ 456845.856662593374494, 6717202.790336200967431 ], [ 456845.506382213148754, 6717202.790058490820229 ], [ 456844.806662593386136, 6717202.090336200781167 ], [ 456844.456382213102188, 6717202.090058490633965 ], [ 456843.756662593397778, 6717201.390336200594902 ], [ 456843.406382213113829, 6717201.390058491379023 ], [ 456842.706662593351211, 6717200.69033620133996 ], [ 456842.356382213125471, 6717200.690058491192758 ], [ 456841.306382213137113, 6717198.940058491192758 ], [ 456842.006311450502835, 6717198.239989063702524 ], [ 456842.006382213148754, 6717197.890058491379023 ], [ 456842.706311450514477, 6717197.189989063888788 ], [ 456842.706382213102188, 6717196.840058490633965 ], [ 456843.406311450467911, 6717196.13998906314373 ], [ 456843.406382213113829, 6717195.790058490820229 ], [ 456843.756311450502835, 6717195.439989063888788 ], [ 456843.756382213148754, 6717195.090058490633965 ], [ 456844.456311450514477, 6717194.38998906314373 ], [ 456844.456382213102188, 6717194.040058490820229 ], [ 456845.156311450467911, 6717193.339989063329995 ], [ 456845.156382213113829, 6717192.990058491006494 ], [ 456846.556382213137113, 6717191.940058491192758 ], [ 456846.906101832864806, 6717192.289780780673027 ], [ 456847.256382213148754, 6717192.290058490820229 ], [ 456847.606382213125471, 6717192.640058491379023 ], [ 456847.956662593351211, 6717192.640336200594902 ], [ 456848.656382213113829, 6717193.340058490633965 ], [ 456849.006662593397778, 6717193.340336200781167 ], [ 456849.706382213102188, 6717194.040058490820229 ], [ 456850.056662593386136, 6717194.040336200967431 ], [ 456850.756382213148754, 6717194.740058491006494 ], [ 456851.106662593374494, 6717194.740336201153696 ], [ 456852.156662593362853, 6717196.490336201153696 ], [ 456851.456451640638988, 6717197.190127918496728 ], [ 456851.456662593351211, 6717197.540336200967431 ], [ 456850.756451640627347, 6717198.240127918310463 ], [ 456850.756662593397778, 6717198.590336200781167 ], [ 456850.056452975783031, 6717199.290127918124199 ], [ 456850.056662593386136, 6717199.640336200594902 ], [ 456849.706452975748107, 6717199.990127918310463 ], [ 456849.706662593351211, 6717200.340336200781167 ], [ 456849.006452975736465, 6717201.040127918124199 ], [ 456849.006662593397778, 6717201.390336200594902 ], [ 456848.306452975783031, 6717202.090127918869257 ], [ 456848.306662593386136, 6717202.44033620133996 ], [ 456847.256382213148754, 6717203.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.35665992309805, 6717199.990336201153696 ], [ 456938.256382213148754, 6717201.390058491379023 ], [ 456937.206659923074767, 6717200.340336200781167 ], [ 456936.856382213125471, 6717200.340058490633965 ], [ 456935.806659923109692, 6717199.290336200967431 ], [ 456935.456382213102188, 6717199.290058490820229 ], [ 456934.756659923063125, 6717198.590336200781167 ], [ 456934.406382213113829, 6717198.590058490633965 ], [ 456932.656553111562971, 6717196.840234730392694 ], [ 456933.006307445059065, 6717196.489989063702524 ], [ 456933.006382213148754, 6717195.790058490820229 ], [ 456934.406307445082348, 6717194.38998906314373 ], [ 456934.406382213113829, 6717194.040058490820229 ], [ 456935.456029735098127, 6717192.989706013351679 ], [ 456935.456456981191877, 6717192.640127918682992 ], [ 456936.856307445035782, 6717191.239989063702524 ], [ 456936.856382213125471, 6717190.890058491379023 ], [ 456938.256307445059065, 6717189.489989063702524 ], [ 456938.256382213148754, 6717189.140058491379023 ], [ 456939.306382213137113, 6717188.790058490820229 ], [ 456939.65610450314125, 6717189.139780781231821 ], [ 456940.006382213148754, 6717189.140058491379023 ], [ 456941.40610450314125, 6717190.539780780673027 ], [ 456941.756382213148754, 6717190.540058490820229 ], [ 456942.806104503164534, 6717191.589780781418085 ], [ 456943.156382213113829, 6717191.590058490633965 ], [ 456944.906659923086409, 6717193.69033620133996 ], [ 456944.556456981168594, 6717194.040127918124199 ], [ 456944.556659923109692, 6717194.390336200594902 ], [ 456943.506456981180236, 6717195.440127918496728 ], [ 456943.506659923063125, 6717195.790336200967431 ], [ 456942.456456981191877, 6717196.840127918869257 ], [ 456942.456659923074767, 6717197.19033620133996 ], [ 456941.406456981203519, 6717198.240127918310463 ], [ 456941.406659923086409, 6717198.590336200781167 ], [ 456940.35645698121516, 6717199.640127918682992 ], [ 456940.35665992309805, 6717199.990336201153696 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457009.306659923109692, 6717188.090336200781167 ], [ 457007.906382213113829, 6717189.140058491379023 ], [ 457007.556659923109692, 6717188.790336200967431 ], [ 457006.856382213125471, 6717188.790058490820229 ], [ 457006.156659923086409, 6717188.090336200781167 ], [ 457005.806382213137113, 6717188.090058490633965 ], [ 457005.10665992309805, 6717187.390336200594902 ], [ 457004.756382213148754, 6717187.390058491379023 ], [ 457004.056659923109692, 6717186.69033620133996 ], [ 457003.706382213102188, 6717186.690058491192758 ], [ 457003.35665992309805, 6717186.340336200781167 ], [ 457003.006382213148754, 6717186.340058490633965 ], [ 457002.306659923109692, 6717185.640336200594902 ], [ 457001.956382213102188, 6717185.640058491379023 ], [ 457001.256659923063125, 6717184.94033620133996 ], [ 457000.906382213113829, 6717184.940058491192758 ], [ 456999.85645698121516, 6717183.540127918124199 ], [ 457000.206307445070706, 6717183.189989063888788 ], [ 457000.206382213102188, 6717182.840058490633965 ], [ 457000.556307445047423, 6717182.489989063702524 ], [ 457000.556382213137113, 6717182.140058491379023 ], [ 457001.256307445059065, 6717181.439989063888788 ], [ 457001.256382213148754, 6717181.090058490633965 ], [ 457001.956307445070706, 6717180.38998906314373 ], [ 457001.956382213102188, 6717180.040058490820229 ], [ 457002.656307445082348, 6717179.339989063329995 ], [ 457002.656382213113829, 6717178.990058491006494 ], [ 457003.356307445035782, 6717178.289989063516259 ], [ 457003.356382213125471, 6717177.940058491192758 ], [ 457004.056307445047423, 6717177.239989063702524 ], [ 457004.056382213137113, 6717176.890058491379023 ], [ 457004.756307445059065, 6717176.189989063888788 ], [ 457004.756382213148754, 6717175.840058490633965 ], [ 457005.456307445070706, 6717175.13998906314373 ], [ 457005.456382213102188, 6717174.790058490820229 ], [ 457006.156307445082348, 6717174.089989063329995 ], [ 457006.156382213113829, 6717173.740058491006494 ], [ 457006.856307445035782, 6717173.039989063516259 ], [ 457006.856382213125471, 6717172.690058491192758 ], [ 457007.556307445047423, 6717171.989989063702524 ], [ 457007.556382213137113, 6717171.640058491379023 ], [ 457008.606318126199767, 6717170.589989063329995 ], [ 457008.606382213125471, 6717170.240058491006494 ], [ 457009.306318126211409, 6717169.539989063516259 ], [ 457009.306382213137113, 6717169.190058491192758 ], [ 457010.00631812622305, 6717168.489989063702524 ], [ 457010.006382213148754, 6717168.140058491379023 ], [ 457010.706318126234692, 6717167.439989063888788 ], [ 457010.706382213102188, 6717167.090058490633965 ], [ 457011.406318126188125, 6717166.38998906314373 ], [ 457011.406382213113829, 6717166.040058490820229 ], [ 457012.106318126199767, 6717165.339989063329995 ], [ 457012.106382213125471, 6717164.990058491006494 ], [ 457012.806318126211409, 6717164.289989063516259 ], [ 457012.806382213137113, 6717163.940058491192758 ], [ 457013.50631812622305, 6717163.239989063702524 ], [ 457013.506382213148754, 6717162.890058491379023 ], [ 457014.206318126234692, 6717162.189983722753823 ], [ 457014.206382213102188, 6717161.840058490633965 ], [ 457014.906318126188125, 6717161.139983722940087 ], [ 457014.906382213113829, 6717160.790058490820229 ], [ 457015.606318126199767, 6717160.089983723126352 ], [ 457015.606382213125471, 6717159.740058491006494 ], [ 457017.006382213148754, 6717158.690058491192758 ], [ 457017.356104503152892, 6717159.039780780673027 ], [ 457017.706382213102188, 6717159.040058490820229 ], [ 457018.40610450314125, 6717159.739780780859292 ], [ 457018.756382213148754, 6717159.740058491006494 ], [ 457019.456104503187817, 6717160.439780781045556 ], [ 457019.806382213137113, 6717160.440058491192758 ], [ 457020.506104503176175, 6717161.139780781231821 ], [ 457020.856382213125471, 6717161.140058491379023 ], [ 457021.556104503164534, 6717161.839780781418085 ], [ 457021.906382213113829, 6717161.840058490633965 ], [ 457022.606104503152892, 6717162.539780780673027 ], [ 457022.956382213102188, 6717162.540058490820229 ], [ 457023.65610450314125, 6717163.239780780859292 ], [ 457024.006382213148754, 6717163.240058491006494 ], [ 457025.056659923109692, 6717164.990336201153696 ], [ 457024.356446300051175, 6717165.690127918496728 ], [ 457024.35665992309805, 6717166.040336200967431 ], [ 457023.656446300039534, 6717166.740127918310463 ], [ 457023.656659923086409, 6717167.090336200781167 ], [ 457022.956446300027892, 6717167.790127918124199 ], [ 457022.956659923074767, 6717168.140336200594902 ], [ 457021.906446300039534, 6717169.190127918496728 ], [ 457021.906659923086409, 6717169.540336200967431 ], [ 457021.206446300027892, 6717170.240127918310463 ], [ 457021.206659923074767, 6717170.590336200781167 ], [ 457020.50644630001625, 6717171.290127918124199 ], [ 457020.506659923063125, 6717171.640336200594902 ], [ 457019.806446300062817, 6717172.340127918869257 ], [ 457019.806659923109692, 6717172.69033620133996 ], [ 457019.106446300051175, 6717173.390127918682992 ], [ 457019.10665992309805, 6717173.740336201153696 ], [ 457018.406446300039534, 6717174.440127918496728 ], [ 457018.406659923086409, 6717174.790336200967431 ], [ 457017.706446300027892, 6717175.490127918310463 ], [ 457017.706659923074767, 6717175.840336200781167 ], [ 457016.656446300039534, 6717176.890127918682992 ], [ 457016.656659923086409, 6717177.240336201153696 ], [ 457015.956446300027892, 6717177.940127918496728 ], [ 457015.956659923074767, 6717178.290336200967431 ], [ 457015.25644630001625, 6717178.990127918310463 ], [ 457015.256659923063125, 6717179.340336200781167 ], [ 457014.556446300062817, 6717180.040127918124199 ], [ 457014.556659923109692, 6717180.390336200594902 ], [ 457013.856446300051175, 6717181.090127918869257 ], [ 457013.85665992309805, 6717181.44033620133996 ], [ 457013.156446300039534, 6717182.140127918682992 ], [ 457013.156659923086409, 6717182.490336201153696 ], [ 457012.456446300027892, 6717183.190127918496728 ], [ 457012.456659923074767, 6717183.540336200967431 ], [ 457011.75644630001625, 6717184.240127918310463 ], [ 457011.756659923063125, 6717184.590336200781167 ], [ 457010.706446300027892, 6717185.640127918682992 ], [ 457010.706659923074767, 6717185.990336201153696 ], [ 457010.00644630001625, 6717186.690127918496728 ], [ 457010.006659923063125, 6717187.040336200967431 ], [ 457009.306446300062817, 6717187.740127918310463 ], [ 457009.306659923109692, 6717188.090336200781167 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456914.806382213137113, 6717183.190058491192758 ], [ 456914.456659923074767, 6717182.840336200781167 ], [ 456913.756104503176175, 6717182.839780781418085 ], [ 456913.406659923086409, 6717182.490336201153696 ], [ 456913.056382213137113, 6717182.490058491006494 ], [ 456912.35665992309805, 6717181.790336200967431 ], [ 456912.006382213148754, 6717181.790058490820229 ], [ 456911.306659923109692, 6717181.090336200781167 ], [ 456910.956382213102188, 6717181.090058490633965 ], [ 456910.256659923063125, 6717180.390336200594902 ], [ 456909.906382213113829, 6717180.390058491379023 ], [ 456909.556382213137113, 6717178.990058491006494 ], [ 456910.256312785611954, 6717178.289989063516259 ], [ 456910.256382213148754, 6717177.940058491192758 ], [ 456911.30631278565852, 6717176.88998906314373 ], [ 456911.306382213137113, 6717176.540058490820229 ], [ 456912.706382213102188, 6717175.490058491006494 ], [ 456913.056104503164534, 6717175.839780781418085 ], [ 456913.406382213113829, 6717175.840058490633965 ], [ 456914.456104503187817, 6717176.889780781231821 ], [ 456914.806382213137113, 6717176.890058491379023 ], [ 456915.506104503176175, 6717177.589780781418085 ], [ 456915.856382213125471, 6717177.590058490633965 ], [ 456917.256659923063125, 6717179.69033620133996 ], [ 456916.906451640592422, 6717180.040127918124199 ], [ 456916.906659923086409, 6717180.390336200594902 ], [ 456916.206451640638988, 6717181.090127918869257 ], [ 456916.206659923074767, 6717181.44033620133996 ], [ 456915.506451640627347, 6717182.140127918682992 ], [ 456915.506659923063125, 6717182.490336201153696 ], [ 456914.806382213137113, 6717183.190058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456894.506382213148754, 6717172.340058490633965 ], [ 456894.156659923086409, 6717171.990336201153696 ], [ 456893.806104503164534, 6717171.989780780859292 ], [ 456888.206558452162426, 6717165.340234730392694 ], [ 456888.55631278565852, 6717164.989989063702524 ], [ 456888.556382213137113, 6717164.640058491379023 ], [ 456894.156382213113829, 6717160.440058491192758 ], [ 456900.10665992309805, 6717167.790336200967431 ], [ 456894.506382213148754, 6717172.340058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456985.856382213125471, 6717168.490058491006494 ], [ 456985.506659923063125, 6717168.140336200594902 ], [ 456984.806104503164534, 6717168.139780781231821 ], [ 456984.456659923074767, 6717167.790336200967431 ], [ 456984.106382213125471, 6717167.790058490820229 ], [ 456983.406659923086409, 6717167.090336200781167 ], [ 456983.056382213137113, 6717167.090058490633965 ], [ 456982.35665992309805, 6717166.390336200594902 ], [ 456982.006382213148754, 6717166.390058491379023 ], [ 456981.306659923109692, 6717165.69033620133996 ], [ 456980.956382213102188, 6717165.690058491192758 ], [ 456980.256659923063125, 6717164.990336201153696 ], [ 456979.906382213113829, 6717164.990058491006494 ], [ 456979.206659923074767, 6717164.290336200967431 ], [ 456978.856382213125471, 6717164.290058490820229 ], [ 456978.156659923086409, 6717163.590336200781167 ], [ 456977.806382213137113, 6717163.590058490633965 ], [ 456977.456382213102188, 6717162.190058491192758 ], [ 456978.156307445082348, 6717161.489983722567558 ], [ 456978.156382213113829, 6717161.140058491379023 ], [ 456978.856307445035782, 6717160.439983722753823 ], [ 456978.856382213125471, 6717160.090058490633965 ], [ 456979.906307445082348, 6717159.039983723312616 ], [ 456979.906382213113829, 6717158.690058491192758 ], [ 456980.606307445035782, 6717157.989983722567558 ], [ 456980.606382213125471, 6717157.640058491379023 ], [ 456981.306307445047423, 6717156.939983722753823 ], [ 456981.306382213137113, 6717156.590058490633965 ], [ 456982.006307445059065, 6717155.889983722940087 ], [ 456982.006382213148754, 6717155.540058490820229 ], [ 456982.706307445070706, 6717154.839983723126352 ], [ 456982.706382213102188, 6717154.490058491006494 ], [ 456983.406307445082348, 6717153.789983723312616 ], [ 456983.406382213113829, 6717153.440058491192758 ], [ 456984.456307445070706, 6717152.389983722940087 ], [ 456984.456382213102188, 6717152.040058490820229 ], [ 456985.156307445082348, 6717151.339983723126352 ], [ 456985.156382213113829, 6717150.990058491006494 ], [ 456986.556382213137113, 6717149.940058491192758 ], [ 456986.90610450314125, 6717150.289780780673027 ], [ 456987.256382213148754, 6717150.290058490820229 ], [ 456987.956104503187817, 6717150.989780780859292 ], [ 456988.306382213137113, 6717150.990058491006494 ], [ 456989.006104503176175, 6717151.689780781045556 ], [ 456989.356382213125471, 6717151.690058491192758 ], [ 456990.056104503164534, 6717152.389780781231821 ], [ 456990.406382213113829, 6717152.390058491379023 ], [ 456991.106104503152892, 6717153.089780781418085 ], [ 456991.456382213102188, 6717153.090058490633965 ], [ 456992.15610450314125, 6717153.789780780673027 ], [ 456992.506382213148754, 6717153.790058490820229 ], [ 456993.206104503187817, 6717154.489780780859292 ], [ 456993.556382213137113, 6717154.490058491006494 ], [ 456994.60665992309805, 6717156.240336201153696 ], [ 456993.906456981203519, 6717156.940133258700371 ], [ 456993.906659923086409, 6717157.290336200967431 ], [ 456993.206456981191877, 6717157.990133259445429 ], [ 456993.206659923074767, 6717158.340336200781167 ], [ 456992.156456981203519, 6717159.390133258886635 ], [ 456992.156659923086409, 6717159.740336201153696 ], [ 456991.456456981191877, 6717160.440133258700371 ], [ 456991.456659923074767, 6717160.790336200967431 ], [ 456990.756456981180236, 6717161.490133259445429 ], [ 456990.756659923063125, 6717161.840336200781167 ], [ 456990.056456981168594, 6717162.540133259259164 ], [ 456990.056659923109692, 6717162.890336200594902 ], [ 456989.35645698121516, 6717163.590127918869257 ], [ 456989.35665992309805, 6717163.94033620133996 ], [ 456988.656456981203519, 6717164.640127918682992 ], [ 456988.656659923086409, 6717164.990336201153696 ], [ 456987.60645698121516, 6717166.040127918124199 ], [ 456987.60665992309805, 6717166.390336200594902 ], [ 456986.906456981203519, 6717167.090127918869257 ], [ 456986.906659923086409, 6717167.44033620133996 ], [ 456985.856382213125471, 6717168.490058491006494 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456907.106382213125471, 6717160.440058491192758 ], [ 456906.756659923063125, 6717160.090336200781167 ], [ 456906.40610450314125, 6717160.089780781418085 ], [ 456904.656659923086409, 6717158.340336200781167 ], [ 456904.306382213137113, 6717158.340058490633965 ], [ 456902.206558452162426, 6717155.890229389071465 ], [ 456902.55631278565852, 6717155.539983723312616 ], [ 456902.556382213137113, 6717155.190058491192758 ], [ 456904.30631278565852, 6717153.439983722753823 ], [ 456904.306382213137113, 6717153.090058490633965 ], [ 456909.55631278565852, 6717147.839983723126352 ], [ 456909.556382213137113, 6717147.490058491006494 ], [ 456912.356382213125471, 6717145.390058491379023 ], [ 456914.456382213102188, 6717147.490058491006494 ], [ 456914.806659923109692, 6717147.490336201153696 ], [ 456916.906659923086409, 6717150.290336200967431 ], [ 456914.806451640615705, 6717152.390133258886635 ], [ 456914.806659923109692, 6717152.740336201153696 ], [ 456909.556451640615705, 6717157.990133259445429 ], [ 456909.556659923109692, 6717158.340336200781167 ], [ 456907.106382213125471, 6717160.440058491192758 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457002.306659923109692, 6717157.990336201153696 ], [ 457001.256382213148754, 6717158.340058490633965 ], [ 457000.906659923086409, 6717157.990336201153696 ], [ 457000.556382213137113, 6717157.990058491006494 ], [ 456999.156659923086409, 6717156.590336200781167 ], [ 456998.806382213137113, 6717156.590058490633965 ], [ 456997.406659923086409, 6717155.19033620133996 ], [ 456997.056382213137113, 6717155.190058491192758 ], [ 456996.706382213102188, 6717153.790058490820229 ], [ 456997.756307445059065, 6717152.739983722567558 ], [ 456997.756382213148754, 6717152.390058491379023 ], [ 456998.806307445047423, 6717151.339983723126352 ], [ 456998.806382213137113, 6717150.990058491006494 ], [ 457000.556382213137113, 6717149.590058490633965 ], [ 457000.90610450314125, 6717149.939780781045556 ], [ 457001.256382213148754, 6717149.940058491192758 ], [ 457002.306104503164534, 6717150.989780780859292 ], [ 457002.656382213113829, 6717150.990058491006494 ], [ 457003.706104503187817, 6717152.039780780673027 ], [ 457004.056382213137113, 6717152.040058490820229 ], [ 457005.456659923074767, 6717153.790336200967431 ], [ 457005.10645698121516, 6717154.140133258886635 ], [ 457005.10665992309805, 6717154.490336201153696 ], [ 457003.706456981191877, 6717155.890133258886635 ], [ 457003.706659923074767, 6717156.240336201153696 ], [ 457002.306456981168594, 6717157.640133258886635 ], [ 457002.306659923109692, 6717157.990336201153696 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456969.756659923063125, 6717154.490336201153696 ], [ 456968.356382213125471, 6717155.540058490820229 ], [ 456968.006659923063125, 6717155.19033620133996 ], [ 456967.306382213137113, 6717155.190058491192758 ], [ 456966.60665992309805, 6717154.490336201153696 ], [ 456966.256382213148754, 6717154.490058491006494 ], [ 456965.906659923086409, 6717154.140336200594902 ], [ 456965.556382213137113, 6717154.140058491379023 ], [ 456964.85665992309805, 6717153.44033620133996 ], [ 456964.506382213148754, 6717153.440058491192758 ], [ 456963.806659923109692, 6717152.740336201153696 ], [ 456963.456382213102188, 6717152.740058491006494 ], [ 456962.756659923063125, 6717152.040336200967431 ], [ 456962.406382213113829, 6717152.040058490820229 ], [ 456962.056659923109692, 6717151.69033620133996 ], [ 456961.706382213102188, 6717151.690058491192758 ], [ 456961.006659923063125, 6717150.990336201153696 ], [ 456960.656382213113829, 6717150.990058491006494 ], [ 456959.60645698121516, 6717149.5901332590729 ], [ 456959.956307445070706, 6717149.239983722567558 ], [ 456959.956382213102188, 6717148.890058491379023 ], [ 456960.306307445047423, 6717148.539983723312616 ], [ 456960.306382213137113, 6717148.190058491192758 ], [ 456960.656307445082348, 6717147.839983723126352 ], [ 456960.656382213113829, 6717147.490058491006494 ], [ 456961.356307445035782, 6717146.789983723312616 ], [ 456961.356382213125471, 6717146.440058491192758 ], [ 456962.056307445047423, 6717145.739983722567558 ], [ 456962.056382213137113, 6717145.390058491379023 ], [ 456962.406307445082348, 6717145.039983723312616 ], [ 456962.406382213113829, 6717144.690058491192758 ], [ 456963.106307445035782, 6717143.989983722567558 ], [ 456963.106382213125471, 6717143.640058491379023 ], [ 456963.806307445047423, 6717142.939983722753823 ], [ 456963.806382213137113, 6717142.590058490633965 ], [ 456964.156307445082348, 6717142.239983722567558 ], [ 456964.156382213113829, 6717141.890058491379023 ], [ 456965.906382213113829, 6717140.840058490633965 ], [ 456966.606104503152892, 6717141.539780780673027 ], [ 456966.956382213102188, 6717141.540058490820229 ], [ 456967.65610450314125, 6717142.239780780859292 ], [ 456968.006382213148754, 6717142.240058491006494 ], [ 456968.356104503152892, 6717142.589780781418085 ], [ 456968.706382213102188, 6717142.590058490633965 ], [ 456969.40610450314125, 6717143.289780780673027 ], [ 456969.756382213148754, 6717143.290058490820229 ], [ 456970.456104503187817, 6717143.989780780859292 ], [ 456970.806382213137113, 6717143.990058491006494 ], [ 456971.506104503176175, 6717144.689780781045556 ], [ 456971.856382213125471, 6717144.690058491192758 ], [ 456972.206104503187817, 6717145.039780780673027 ], [ 456972.556382213137113, 6717145.040058490820229 ], [ 456973.256104503176175, 6717145.739780780859292 ], [ 456973.606382213125471, 6717145.740058491006494 ], [ 456974.306659923109692, 6717147.140336200594902 ], [ 456973.60645698121516, 6717147.8401332590729 ], [ 456973.60665992309805, 6717148.19033620133996 ], [ 456973.256456981180236, 6717148.540133259259164 ], [ 456973.256659923063125, 6717148.890336200594902 ], [ 456972.556456981168594, 6717149.5901332590729 ], [ 456972.556659923109692, 6717149.94033620133996 ], [ 456971.85645698121516, 6717150.640133258886635 ], [ 456971.85665992309805, 6717150.990336201153696 ], [ 456971.506456981180236, 6717151.3401332590729 ], [ 456971.506659923063125, 6717151.69033620133996 ], [ 456970.806456981168594, 6717152.390133258886635 ], [ 456970.806659923109692, 6717152.740336201153696 ], [ 456970.10645698121516, 6717153.440133258700371 ], [ 456970.10665992309805, 6717153.790336200967431 ], [ 456969.756456981180236, 6717154.140133258886635 ], [ 456969.756659923063125, 6717154.490336201153696 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.506382213148754, 6717114.590058490633965 ], [ 456852.156662593362853, 6717114.240336201153696 ], [ 456851.806101832888089, 6717114.239780780859292 ], [ 456850.406662593362853, 6717112.840336200781167 ], [ 456850.056382213137113, 6717112.840058490633965 ], [ 456847.9565571169951, 6717110.390229389071465 ], [ 456848.306311450491194, 6717110.039983723312616 ], [ 456848.306382213137113, 6717109.690058491192758 ], [ 456851.80631278565852, 6717106.189983722753823 ], [ 456851.806382213137113, 6717105.840058490633965 ], [ 456856.356382213125471, 6717101.990058491006494 ], [ 456860.556662593386136, 6717106.890336200594902 ], [ 456852.506382213148754, 6717114.590058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456991.456382213102188, 6717110.040058490820229 ], [ 456991.10665992309805, 6717109.69033620133996 ], [ 456990.40610450314125, 6717109.689780781045556 ], [ 456990.056659923109692, 6717109.340336200781167 ], [ 456989.706382213102188, 6717109.340058490633965 ], [ 456989.006659923063125, 6717108.640336200594902 ], [ 456988.656382213113829, 6717108.640058491379023 ], [ 456987.956659923074767, 6717107.94033620133996 ], [ 456987.606382213125471, 6717107.940058491192758 ], [ 456986.906659923086409, 6717107.240336201153696 ], [ 456986.556382213137113, 6717107.240058491006494 ], [ 456986.206382213102188, 6717105.840058490633965 ], [ 456986.906307445082348, 6717105.139983722940087 ], [ 456986.906382213113829, 6717104.790058490820229 ], [ 456987.606307445035782, 6717104.089983723126352 ], [ 456987.606382213125471, 6717103.740058491006494 ], [ 456987.956029735098127, 6717103.389706012792885 ], [ 456987.956456981191877, 6717103.040133259259164 ], [ 456988.656307445082348, 6717102.339983723126352 ], [ 456988.656382213113829, 6717101.990058491006494 ], [ 456989.356307445035782, 6717101.289983723312616 ], [ 456989.356382213125471, 6717100.940058491192758 ], [ 456990.756382213148754, 6717099.890058491379023 ], [ 456991.106104503152892, 6717100.239780780859292 ], [ 456991.456382213102188, 6717100.240058491006494 ], [ 456992.15610450314125, 6717100.939780781045556 ], [ 456992.506382213148754, 6717100.940058491192758 ], [ 456993.206104503187817, 6717101.639780781231821 ], [ 456993.556382213137113, 6717101.640058491379023 ], [ 456994.256104503176175, 6717102.339780781418085 ], [ 456994.606382213125471, 6717102.340058490633965 ], [ 456995.656659923086409, 6717104.090336200781167 ], [ 456994.956456981191877, 6717104.790133259259164 ], [ 456994.956659923074767, 6717105.140336200594902 ], [ 456994.256456981180236, 6717105.8401332590729 ], [ 456994.256659923063125, 6717106.19033620133996 ], [ 456993.556456981168594, 6717106.890133258886635 ], [ 456993.556659923109692, 6717107.240336201153696 ], [ 456993.206456981191877, 6717107.5901332590729 ], [ 456993.206659923074767, 6717107.94033620133996 ], [ 456992.506456981180236, 6717108.640133258886635 ], [ 456992.506659923063125, 6717108.990336201153696 ], [ 456991.456382213102188, 6717110.040058490820229 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456844.106382213125471, 6717093.590058490633965 ], [ 456843.756662593397778, 6717093.240336201153696 ], [ 456843.406101832864806, 6717093.239780780859292 ], [ 456840.256557116983458, 6717089.040229389443994 ], [ 456846.906382213113829, 6717083.790058490820229 ], [ 456850.406662593362853, 6717088.69033620133996 ], [ 456844.106382213125471, 6717093.590058490633965 ] ] ] } }, - { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456929.506659923063125, 6717062.44033620133996 ], [ 456927.756382213148754, 6717063.140058491379023 ], [ 456926.35665992309805, 6717061.740336201153696 ], [ 456926.006382213148754, 6717061.740058491006494 ], [ 456924.956659923074767, 6717060.69033620133996 ], [ 456924.606382213125471, 6717060.690058491192758 ], [ 456922.506553111539688, 6717058.590229389257729 ], [ 456922.856307445035782, 6717058.239994403906167 ], [ 456922.856382213125471, 6717057.540058490820229 ], [ 456923.906307445082348, 6717056.489994403906167 ], [ 456923.906382213113829, 6717056.140058491379023 ], [ 456924.956307445070706, 6717055.08999440446496 ], [ 456924.956382213102188, 6717054.740058491006494 ], [ 456926.006382213148754, 6717054.390058491379023 ], [ 456926.356104503152892, 6717054.739780780859292 ], [ 456926.706382213102188, 6717054.740058491006494 ], [ 456927.756104503176175, 6717055.789780780673027 ], [ 456928.106382213125471, 6717055.790058490820229 ], [ 456928.806382213137113, 6717056.490058491006494 ], [ 456929.156659923086409, 6717056.490336201153696 ], [ 456930.206104503187817, 6717057.539780780673027 ], [ 456930.556382213137113, 6717057.540058490820229 ], [ 456931.956659923074767, 6717059.290336200967431 ], [ 456931.256456981180236, 6717059.990122578106821 ], [ 456931.256659923063125, 6717060.340336200781167 ], [ 456929.506456981180236, 6717062.090122577734292 ], [ 456929.506659923063125, 6717062.44033620133996 ] ] ] } } + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456838.856032405397855, 6717252.139708433300257 ], [ 456838.506382213148754, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.490058491006494 ], [ 456828.356382213125471, 6717252.140058491379023 ], [ 456829.756382213148754, 6717250.740058491006494 ], [ 456829.756382213148754, 6717250.390058491379023 ], [ 456830.456382213102188, 6717249.690058491192758 ], [ 456830.456382213102188, 6717249.340058490633965 ], [ 456831.506382213148754, 6717248.290058490820229 ], [ 456831.506382213148754, 6717247.940058491192758 ], [ 456832.206382213102188, 6717247.240058491006494 ], [ 456832.206382213102188, 6717246.890058491379023 ], [ 456833.956382213102188, 6717245.490058491006494 ], [ 456834.306032405409496, 6717245.839708683080971 ], [ 456834.656382213113829, 6717245.840058490633965 ], [ 456835.706032405374572, 6717246.889708682894707 ], [ 456836.056382213137113, 6717246.890058491379023 ], [ 456836.756382213148754, 6717247.590058490633965 ], [ 456837.106382213125471, 6717247.590058490633965 ], [ 456838.156032405386213, 6717248.639708349481225 ], [ 456838.506382213148754, 6717248.640058491379023 ], [ 456839.906732020841446, 6717250.390408465638757 ], [ 456838.856732020853087, 6717251.440408465452492 ], [ 456838.856032405397855, 6717252.139708433300257 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.056382213137113, 6717252.490058491006494 ], [ 456877.006382213148754, 6717251.090058490633965 ], [ 456877.006382213148754, 6717250.040058490820229 ], [ 456878.056382213137113, 6717248.990058491006494 ], [ 456878.056382213137113, 6717248.640058491379023 ], [ 456879.106382213125471, 6717247.590058490633965 ], [ 456879.106382213125471, 6717247.240058491006494 ], [ 456880.506382213148754, 6717245.840058490633965 ], [ 456880.506382213148754, 6717245.490058491006494 ], [ 456881.556382213137113, 6717244.440058491192758 ], [ 456881.556382213137113, 6717244.090058490633965 ], [ 456882.606382213125471, 6717243.040058490820229 ], [ 456882.606382213125471, 6717242.690058491192758 ], [ 456883.656382213113829, 6717242.340058490633965 ], [ 456884.006029735086486, 6717242.689708683639765 ], [ 456884.356382213125471, 6717242.690058491192758 ], [ 456885.056029735074844, 6717243.389708682894707 ], [ 456885.406382213113829, 6717243.390058491379023 ], [ 456886.10602973512141, 6717244.089708683080971 ], [ 456886.456382213102188, 6717244.090058490633965 ], [ 456887.156382213113829, 6717244.790058490820229 ], [ 456887.506382213148754, 6717244.790058490820229 ], [ 456888.556029735074844, 6717245.839708683080971 ], [ 456888.906382213113829, 6717245.840058490633965 ], [ 456889.60602973512141, 6717246.539708683267236 ], [ 456889.956382213102188, 6717246.540058490820229 ], [ 456891.006734691152815, 6717247.940408632159233 ], [ 456890.656734691176098, 6717248.290408632718027 ], [ 456890.656734691176098, 6717248.640408632345498 ], [ 456889.256734691152815, 6717250.040408466011286 ], [ 456889.256734691152815, 6717250.390408465638757 ], [ 456888.206734691164456, 6717251.440408465452492 ], [ 456888.206029735098127, 6717252.139708433300257 ], [ 456887.856382213125471, 6717252.490058491006494 ], [ 456878.056382213137113, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.656382213113829, 6717252.490058491006494 ], [ 456890.656734691176098, 6717251.790408466011286 ], [ 456892.056382213137113, 6717250.740058491006494 ], [ 456892.056382213137113, 6717250.390058491379023 ], [ 456893.806382213137113, 6717248.990058491006494 ], [ 456894.156029735109769, 6717249.33970834966749 ], [ 456894.506382213148754, 6717249.340058490633965 ], [ 456895.206029735098127, 6717250.039708516560495 ], [ 456895.556382213137113, 6717250.040058490820229 ], [ 456896.256029735086486, 6717250.739708516746759 ], [ 456896.606382213125471, 6717250.740058491006494 ], [ 456897.306029735074844, 6717251.439708516001701 ], [ 456898.006382213148754, 6717251.440058491192758 ], [ 456899.056382213137113, 6717252.490058491006494 ], [ 456890.656382213113829, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456901.856382213125471, 6717252.490058491006494 ], [ 456902.206029735098127, 6717252.139708433300257 ], [ 456902.206734691164456, 6717251.790408466011286 ], [ 456903.956382213102188, 6717250.040058490820229 ], [ 456903.956382213102188, 6717249.690058491192758 ], [ 456905.356382213125471, 6717248.290058490820229 ], [ 456905.356382213125471, 6717247.940058491192758 ], [ 456906.756382213148754, 6717246.540058490820229 ], [ 456906.756382213148754, 6717246.190058491192758 ], [ 456907.10602973512141, 6717245.839708683080971 ], [ 456907.106382213125471, 6717244.790058490820229 ], [ 456908.856734691129532, 6717243.390408298932016 ], [ 456908.856382213125471, 6717243.040058490820229 ], [ 456909.906734691176098, 6717241.990408298559487 ], [ 456909.906382213113829, 6717241.640058491379023 ], [ 456910.606734691129532, 6717240.940408298745751 ], [ 456910.606382213125471, 6717240.590058490633965 ], [ 456912.006734691152815, 6717239.190408298745751 ], [ 456912.006734691152815, 6717238.84040829911828 ], [ 456913.056382213137113, 6717237.790058490820229 ], [ 456913.056029735074844, 6717237.089708683080971 ], [ 456914.806382213137113, 6717237.090058490633965 ], [ 456915.156029735109769, 6717237.439708683639765 ], [ 456915.506382213148754, 6717237.440058491192758 ], [ 456916.906029735109769, 6717238.839708683080971 ], [ 456917.256382213148754, 6717238.840058490633965 ], [ 456918.306029735074844, 6717239.889708682894707 ], [ 456918.656382213113829, 6717239.890058491379023 ], [ 456920.056029735074844, 6717241.289708683267236 ], [ 456920.406382213113829, 6717241.290058490820229 ], [ 456921.456029735098127, 6717242.339708683080971 ], [ 456921.806382213137113, 6717242.340058490633965 ], [ 456923.556734691141173, 6717244.440408298745751 ], [ 456923.206734691164456, 6717244.790408298373222 ], [ 456923.206734691164456, 6717245.140408298932016 ], [ 456921.806734691141173, 6717246.540408298373222 ], [ 456921.806734691141173, 6717246.890408632345498 ], [ 456920.406734691176098, 6717248.290408632718027 ], [ 456920.406734691176098, 6717248.640408632345498 ], [ 456919.356734691129532, 6717249.690408465452492 ], [ 456919.356734691129532, 6717250.040408466011286 ], [ 456917.956734691164456, 6717251.440408465452492 ], [ 456917.956029735098127, 6717252.139708433300257 ], [ 456917.606382213125471, 6717252.490058491006494 ], [ 456901.856382213125471, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.706382213102188, 6717252.490058491006494 ], [ 456941.056734691141173, 6717251.790408466011286 ], [ 456942.10602973512141, 6717251.08970851637423 ], [ 456942.106734691129532, 6717250.740408465266228 ], [ 456944.206382213102188, 6717249.340058490633965 ], [ 456944.206734691164456, 6717248.990408632904291 ], [ 456944.556382213137113, 6717248.640058491379023 ], [ 456944.556382213137113, 6717248.290058490820229 ], [ 456947.006382213148754, 6717245.840058490633965 ], [ 456947.006382213148754, 6717245.490058491006494 ], [ 456950.506382213148754, 6717242.690058491192758 ], [ 456951.906029735109769, 6717244.089708683080971 ], [ 456952.256382213148754, 6717244.090058490633965 ], [ 456955.056029735074844, 6717246.889708682894707 ], [ 456955.406382213113829, 6717246.890058491379023 ], [ 456958.206029735098127, 6717249.68970834929496 ], [ 456958.556382213137113, 6717249.690058491192758 ], [ 456959.606382213125471, 6717250.740058491006494 ], [ 456959.606382213125471, 6717251.090058490633965 ], [ 456959.256734691152815, 6717251.440408465452492 ], [ 456959.256029735086486, 6717252.139708433300257 ], [ 456958.906382213113829, 6717252.490058491006494 ], [ 456940.706382213102188, 6717252.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456961.706734691164456, 6717249.340408632531762 ], [ 456959.606382213125471, 6717250.740058491006494 ], [ 456958.556382213137113, 6717249.690058491192758 ], [ 456958.206029735098127, 6717249.68970834929496 ], [ 456955.406382213113829, 6717246.890058491379023 ], [ 456955.056029735074844, 6717246.889708682894707 ], [ 456952.256382213148754, 6717244.090058490633965 ], [ 456951.906029735109769, 6717244.089708683080971 ], [ 456950.506382213148754, 6717242.690058491192758 ], [ 456950.506734691152815, 6717242.34040829911828 ], [ 456950.856382213125471, 6717241.990058491006494 ], [ 456950.856382213125471, 6717241.640058491379023 ], [ 456951.906382213113829, 6717240.590058490633965 ], [ 456951.906382213113829, 6717240.240058491006494 ], [ 456955.406382213113829, 6717236.740058491006494 ], [ 456955.406382213113829, 6717236.390058491379023 ], [ 456957.506382213148754, 6717234.990058491006494 ], [ 456958.906029735109769, 6717236.389708682894707 ], [ 456959.256382213148754, 6717236.390058491379023 ], [ 456962.056029735074844, 6717239.189708683639765 ], [ 456962.406382213113829, 6717239.190058491192758 ], [ 456965.206029735098127, 6717241.9897086834535 ], [ 456965.556382213137113, 6717241.990058491006494 ], [ 456966.606734691129532, 6717243.740408298559487 ], [ 456965.206734691164456, 6717245.140408298932016 ], [ 456965.206734691164456, 6717245.490408298559487 ], [ 456961.706734691164456, 6717248.990408632904291 ], [ 456961.706734691164456, 6717249.340408632531762 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456908.856734691129532, 6717243.390408298932016 ], [ 456907.106382213125471, 6717244.790058490820229 ], [ 456906.756382213148754, 6717244.440058491192758 ], [ 456906.056029735074844, 6717244.439708683639765 ], [ 456905.706382213102188, 6717244.090058490633965 ], [ 456905.356382213125471, 6717244.090058490633965 ], [ 456904.656382213113829, 6717243.390058491379023 ], [ 456904.306382213137113, 6717243.390058491379023 ], [ 456903.606382213125471, 6717242.690058491192758 ], [ 456903.256382213148754, 6717242.690058491192758 ], [ 456902.556382213137113, 6717241.990058491006494 ], [ 456902.206382213102188, 6717241.990058491006494 ], [ 456901.506382213148754, 6717241.290058490820229 ], [ 456901.156382213113829, 6717241.290058490820229 ], [ 456900.456382213102188, 6717240.590058490633965 ], [ 456900.106382213125471, 6717240.590058490633965 ], [ 456899.056382213137113, 6717238.840058490633965 ], [ 456899.756382213148754, 6717238.140058491379023 ], [ 456899.756382213148754, 6717237.790058490820229 ], [ 456900.456382213102188, 6717237.090058490633965 ], [ 456900.456382213102188, 6717236.740058491006494 ], [ 456901.156382213113829, 6717236.040058490820229 ], [ 456901.156382213113829, 6717235.690058491192758 ], [ 456902.206382213102188, 6717234.640058491379023 ], [ 456902.206382213102188, 6717234.290058490820229 ], [ 456902.906382213113829, 6717233.590058490633965 ], [ 456902.906382213113829, 6717233.240058491006494 ], [ 456903.606382213125471, 6717232.540058490820229 ], [ 456903.606382213125471, 6717232.190058491192758 ], [ 456905.006382213148754, 6717231.140058491379023 ], [ 456905.35602973512141, 6717231.4897086834535 ], [ 456905.706382213102188, 6717231.490058491006494 ], [ 456906.406029735109769, 6717232.189708683639765 ], [ 456906.756382213148754, 6717232.190058491192758 ], [ 456907.806029735074844, 6717233.2397086834535 ], [ 456908.156382213113829, 6717233.240058491006494 ], [ 456908.85602973512141, 6717233.939708683639765 ], [ 456909.206382213102188, 6717233.940058491192758 ], [ 456909.906029735109769, 6717234.639708682894707 ], [ 456910.256382213148754, 6717234.640058491379023 ], [ 456911.306029735074844, 6717235.689708683639765 ], [ 456911.656382213113829, 6717235.690058491192758 ], [ 456912.706382213102188, 6717237.090058490633965 ], [ 456913.056029735074844, 6717237.089708683080971 ], [ 456913.056382213137113, 6717237.790058490820229 ], [ 456912.006734691152815, 6717238.84040829911828 ], [ 456912.006734691152815, 6717239.190408298745751 ], [ 456910.606382213125471, 6717240.590058490633965 ], [ 456910.606734691129532, 6717240.940408298745751 ], [ 456909.906382213113829, 6717241.640058491379023 ], [ 456909.906734691176098, 6717241.990408298559487 ], [ 456908.856382213125471, 6717243.040058490820229 ], [ 456908.856734691129532, 6717243.390408298932016 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.706382213102188, 6717220.990058491006494 ], [ 456835.706382213102188, 6717220.640058491379023 ], [ 456836.756382213148754, 6717219.590058490633965 ], [ 456836.75673202087637, 6717219.240408298559487 ], [ 456837.806382213137113, 6717218.190058491192758 ], [ 456837.806732020864729, 6717217.84040829911828 ], [ 456838.856382213125471, 6717216.790058490820229 ], [ 456838.856732020853087, 6717216.440408298745751 ], [ 456839.906382213113829, 6717215.390058491379023 ], [ 456839.906732020841446, 6717215.040408298373222 ], [ 456840.606382213125471, 6717214.340058490633965 ], [ 456840.606032405397855, 6717213.639708682894707 ], [ 456842.706382213102188, 6717212.590058490633965 ], [ 456842.706382213102188, 6717212.240058491006494 ], [ 456843.756382213148754, 6717211.190058491192758 ], [ 456843.756382213148754, 6717210.840058490633965 ], [ 456844.806382213137113, 6717209.790058490820229 ], [ 456844.806382213137113, 6717209.440058491192758 ], [ 456846.906382213113829, 6717209.090058490633965 ], [ 456849.006382213148754, 6717211.190058491192758 ], [ 456849.00673202087637, 6717212.59040829911828 ], [ 456847.956732020888012, 6717213.640408298932016 ], [ 456847.956732020888012, 6717213.990408298559487 ], [ 456846.906732020841446, 6717215.040408298373222 ], [ 456847.25603240536293, 6717216.439708683639765 ], [ 456847.606382213125471, 6717216.440058491192758 ], [ 456848.656032405386213, 6717217.4897086834535 ], [ 456849.006382213148754, 6717217.490058491006494 ], [ 456850.406732020841446, 6717219.59040829911828 ], [ 456849.356732020853087, 6717220.640408298932016 ], [ 456849.356732020853087, 6717220.990408298559487 ], [ 456848.306732020864729, 6717222.040408298373222 ], [ 456848.306732020864729, 6717222.390408298932016 ], [ 456847.25673202087637, 6717223.440408298745751 ], [ 456847.25673202087637, 6717223.790408298373222 ], [ 456846.556732020864729, 6717224.490408298559487 ], [ 456846.556732020864729, 6717224.84040829911828 ], [ 456845.50673202087637, 6717225.890408298932016 ], [ 456845.50673202087637, 6717226.240408298559487 ], [ 456844.456732020888012, 6717227.290408298373222 ], [ 456844.456732020888012, 6717227.640408298932016 ], [ 456843.056032405409496, 6717229.039708683267236 ], [ 456842.706382213102188, 6717228.690058491192758 ], [ 456842.00603240536293, 6717228.689708683639765 ], [ 456841.306382213137113, 6717227.990058491006494 ], [ 456840.956382213102188, 6717227.990058491006494 ], [ 456839.906382213113829, 6717226.940058491192758 ], [ 456839.556382213137113, 6717226.940058491192758 ], [ 456838.506382213148754, 6717225.890058491379023 ], [ 456838.156382213113829, 6717225.890058491379023 ], [ 456837.106382213125471, 6717224.840058490633965 ], [ 456836.756382213148754, 6717224.840058490633965 ], [ 456835.00673202087637, 6717223.09040829911828 ], [ 456835.356382213125471, 6717222.740058491006494 ], [ 456835.356732020853087, 6717221.34040829911828 ], [ 456835.706382213102188, 6717220.990058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.706382213102188, 6717220.640058491379023 ], [ 456835.00603240536293, 6717220.639708682894707 ], [ 456834.656382213113829, 6717220.290058490820229 ], [ 456833.956032071611844, 6717220.289708683267236 ], [ 456832.906382213113829, 6717219.240058491006494 ], [ 456832.556382213137113, 6717219.240058491006494 ], [ 456831.156382213113829, 6717217.840058490633965 ], [ 456830.806382213137113, 6717217.840058490633965 ], [ 456829.406382296583615, 6717216.440058491192758 ], [ 456829.056382213137113, 6717216.440058491192758 ], [ 456828.706382421718445, 6717216.090058490633965 ], [ 456828.356382213125471, 6717216.090058490633965 ], [ 456828.356382213125471, 6717198.240058491006494 ], [ 456829.406382213113829, 6717197.190058491192758 ], [ 456829.406382213113829, 6717196.840058490633965 ], [ 456830.456382213102188, 6717196.140058491379023 ], [ 456830.806032238469925, 6717196.489706013351679 ], [ 456831.156382213113829, 6717196.490058491006494 ], [ 456832.556732354627457, 6717198.590410969220102 ], [ 456831.856732354674023, 6717199.290410969406366 ], [ 456831.856732354674023, 6717199.640410969033837 ], [ 456831.156732354662381, 6717200.340410969220102 ], [ 456831.156732354662381, 6717200.690410968847573 ], [ 456830.806732187746093, 6717201.040410969406366 ], [ 456830.806732187746093, 6717201.390410969033837 ], [ 456830.106732187734451, 6717202.090410969220102 ], [ 456830.106732187734451, 6717202.440410968847573 ], [ 456829.756732187757734, 6717202.790410969406366 ], [ 456830.106032238516491, 6717204.539706013165414 ], [ 456830.456382213102188, 6717204.540058490820229 ], [ 456831.156032238504849, 6717205.239706013351679 ], [ 456831.506382213148754, 6717205.240058491006494 ], [ 456832.556032071588561, 6717207.33970601297915 ], [ 456832.20673235465074, 6717207.690408298745751 ], [ 456832.206382213102188, 6717208.390058491379023 ], [ 456833.606382213125471, 6717208.390058491379023 ], [ 456833.956032071611844, 6717208.7397086834535 ], [ 456834.306382213137113, 6717208.740058491006494 ], [ 456835.00603240536293, 6717209.439708683639765 ], [ 456835.356382213125471, 6717209.440058491192758 ], [ 456836.406032405386213, 6717210.4897086834535 ], [ 456836.756382213148754, 6717210.490058491006494 ], [ 456837.456032405374572, 6717211.189708683639765 ], [ 456837.806382213137113, 6717211.190058491192758 ], [ 456838.856032405397855, 6717212.2397086834535 ], [ 456839.206382213102188, 6717212.240058491006494 ], [ 456840.256382213148754, 6717213.640058491379023 ], [ 456840.606032405397855, 6717213.639708682894707 ], [ 456840.606382213125471, 6717214.340058490633965 ], [ 456839.906732020841446, 6717215.040408298373222 ], [ 456839.906382213113829, 6717215.390058491379023 ], [ 456838.856732020853087, 6717216.440408298745751 ], [ 456838.856382213125471, 6717216.790058490820229 ], [ 456837.806732020864729, 6717217.84040829911828 ], [ 456837.806382213137113, 6717218.190058491192758 ], [ 456836.75673202087637, 6717219.240408298559487 ], [ 456836.756382213148754, 6717219.590058490633965 ], [ 456835.706382213102188, 6717220.640058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456867.206382213102188, 6717220.640058491379023 ], [ 456865.106732020853087, 6717216.790408298373222 ], [ 456866.156382213113829, 6717216.090058490633965 ], [ 456866.156732020841446, 6717215.740408298559487 ], [ 456867.556382213137113, 6717214.340058490633965 ], [ 456867.556732020864729, 6717213.990408298559487 ], [ 456868.256382213148754, 6717213.290058490820229 ], [ 456868.25673202087637, 6717212.940408298745751 ], [ 456869.306382213137113, 6717211.890058491379023 ], [ 456869.306382213137113, 6717211.540058490820229 ], [ 456869.306732020864729, 6717211.190408298745751 ], [ 456869.656382213113829, 6717210.840058490633965 ], [ 456870.00603240536293, 6717211.189708683639765 ], [ 456870.356732020853087, 6717210.84040829911828 ], [ 456870.356382213125471, 6717210.490058491006494 ], [ 456870.706382213102188, 6717210.490058491006494 ], [ 456870.706732020888012, 6717210.140408298932016 ], [ 456871.056382213137113, 6717210.140058491379023 ], [ 456871.056382213137113, 6717209.790058490820229 ], [ 456871.406382213113829, 6717209.790058490820229 ], [ 456871.406732020841446, 6717209.440408298745751 ], [ 456872.106032405397855, 6717209.089708683080971 ], [ 456872.106732020853087, 6717208.740408298559487 ], [ 456873.156382213113829, 6717208.740058491006494 ], [ 456873.506029735086486, 6717209.089708683080971 ], [ 456873.856382213125471, 6717209.090058490633965 ], [ 456875.256029735086486, 6717210.4897086834535 ], [ 456875.606382213125471, 6717210.490058491006494 ], [ 456876.656029735109769, 6717211.539708683267236 ], [ 456877.006382213148754, 6717211.540058490820229 ], [ 456878.756734691152815, 6717213.640408298932016 ], [ 456878.406734691176098, 6717213.990408298559487 ], [ 456878.406029735109769, 6717214.689708683639765 ], [ 456877.006734691152815, 6717215.740408298559487 ], [ 456877.006029735086486, 6717216.439708683639765 ], [ 456875.606734691129532, 6717217.490408298559487 ], [ 456875.606734691129532, 6717217.84040829911828 ], [ 456874.556734691141173, 6717218.890408298932016 ], [ 456874.556734691141173, 6717219.240408298559487 ], [ 456873.156734691176098, 6717220.640408298932016 ], [ 456873.156734691176098, 6717220.990408298559487 ], [ 456871.75673202087637, 6717222.390408298932016 ], [ 456871.75673202087637, 6717222.740408298559487 ], [ 456870.356382213125471, 6717223.090058490633965 ], [ 456868.956382213102188, 6717221.690058491192758 ], [ 456868.606382213125471, 6717221.690058491192758 ], [ 456867.556382213137113, 6717220.640058491379023 ], [ 456867.206382213102188, 6717220.640058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456865.106732020853087, 6717216.790408298373222 ], [ 456864.75603240536293, 6717216.789708683267236 ], [ 456864.406382213113829, 6717216.440058491192758 ], [ 456863.706032405374572, 6717216.439708683639765 ], [ 456863.356382213125471, 6717216.090058490633965 ], [ 456863.006382213148754, 6717216.090058490633965 ], [ 456861.956382213102188, 6717215.040058490820229 ], [ 456861.606382213125471, 6717215.040058490820229 ], [ 456860.906382213113829, 6717214.340058490633965 ], [ 456860.556382213137113, 6717214.340058490633965 ], [ 456859.506382213148754, 6717213.290058490820229 ], [ 456859.156382213113829, 6717213.290058490820229 ], [ 456858.456382213102188, 6717212.590058490633965 ], [ 456858.106382213125471, 6717212.590058490633965 ], [ 456857.406732020841446, 6717211.190408298745751 ], [ 456857.406732020841446, 6717210.84040829911828 ], [ 456857.756382213148754, 6717210.490058491006494 ], [ 456857.75603240536293, 6717209.789708683267236 ], [ 456859.506382213148754, 6717209.090058490633965 ], [ 456859.506382213148754, 6717208.740058491006494 ], [ 456860.206382213102188, 6717208.040058490820229 ], [ 456860.206732020888012, 6717207.340410969220102 ], [ 456860.906382213113829, 6717206.990058491006494 ], [ 456860.906382213113829, 6717206.640058491379023 ], [ 456861.606382213125471, 6717205.940058491192758 ], [ 456861.606382213125471, 6717205.590058490633965 ], [ 456862.306382213137113, 6717204.890058491379023 ], [ 456862.306382213137113, 6717204.540058490820229 ], [ 456863.356382213125471, 6717203.490058491006494 ], [ 456863.356382213125471, 6717203.140058491379023 ], [ 456864.756382213148754, 6717202.090058490633965 ], [ 456865.106032405397855, 6717202.439706012606621 ], [ 456865.456382213102188, 6717202.440058491192758 ], [ 456866.156032405386213, 6717203.139706012792885 ], [ 456866.506382213148754, 6717203.140058491379023 ], [ 456867.556032405409496, 6717204.189706012606621 ], [ 456867.906382213113829, 6717204.190058491192758 ], [ 456868.606032405397855, 6717204.889706012792885 ], [ 456868.956382213102188, 6717204.890058491379023 ], [ 456870.00603240536293, 6717205.939706012606621 ], [ 456870.356382213125471, 6717205.940058491192758 ], [ 456871.406032405386213, 6717208.039708683267236 ], [ 456871.75603240536293, 6717208.7397086834535 ], [ 456872.106732020853087, 6717208.740408298559487 ], [ 456872.106032405397855, 6717209.089708683080971 ], [ 456871.406732020841446, 6717209.440408298745751 ], [ 456871.406382213113829, 6717209.790058490820229 ], [ 456871.056382213137113, 6717209.790058490820229 ], [ 456871.056382213137113, 6717210.140058491379023 ], [ 456870.706732020888012, 6717210.140408298932016 ], [ 456870.706382213102188, 6717210.490058491006494 ], [ 456870.356382213125471, 6717210.490058491006494 ], [ 456870.356732020853087, 6717210.84040829911828 ], [ 456870.00603240536293, 6717211.189708683639765 ], [ 456869.656382213113829, 6717210.840058490633965 ], [ 456869.306732020864729, 6717211.190408298745751 ], [ 456869.306382213137113, 6717211.540058490820229 ], [ 456869.306382213137113, 6717211.890058491379023 ], [ 456868.25673202087637, 6717212.940408298745751 ], [ 456868.256382213148754, 6717213.290058490820229 ], [ 456867.556732020864729, 6717213.990408298559487 ], [ 456867.556382213137113, 6717214.340058490633965 ], [ 456866.156732020841446, 6717215.740408298559487 ], [ 456866.156382213113829, 6717216.090058490633965 ], [ 456865.106732020853087, 6717216.790408298373222 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.056382213137113, 6717217.490058491006494 ], [ 456878.056734691141173, 6717216.790408298373222 ], [ 456879.106382213125471, 6717216.090058490633965 ], [ 456879.106734691129532, 6717215.390408298932016 ], [ 456879.106734691129532, 6717215.040408298373222 ], [ 456879.806029735074844, 6717214.689708683639765 ], [ 456880.506382213148754, 6717214.690058491192758 ], [ 456880.85602973512141, 6717215.039708683267236 ], [ 456881.206382213102188, 6717215.040058490820229 ], [ 456881.906029735109769, 6717215.7397086834535 ], [ 456882.256382213148754, 6717215.740058491006494 ], [ 456882.956029735098127, 6717216.439708683639765 ], [ 456883.306382213137113, 6717216.440058491192758 ], [ 456884.35602973512141, 6717217.4897086834535 ], [ 456884.706382213102188, 6717217.490058491006494 ], [ 456885.406029735109769, 6717218.189708683639765 ], [ 456885.756382213148754, 6717218.190058491192758 ], [ 456886.806734691141173, 6717219.940408298745751 ], [ 456886.106734691129532, 6717220.640408298932016 ], [ 456886.106734691129532, 6717220.990408298559487 ], [ 456885.056734691141173, 6717222.040408298373222 ], [ 456885.056734691141173, 6717222.390408298932016 ], [ 456884.356734691129532, 6717223.09040829911828 ], [ 456884.356734691129532, 6717223.440408298745751 ], [ 456883.656734691176098, 6717224.140408298932016 ], [ 456883.656734691176098, 6717224.490408298559487 ], [ 456882.956734691164456, 6717225.190408298745751 ], [ 456882.956734691164456, 6717225.540408298373222 ], [ 456882.256734691152815, 6717226.240408298559487 ], [ 456882.256734691152815, 6717226.59040829911828 ], [ 456881.206734691164456, 6717227.640408298932016 ], [ 456881.206734691164456, 6717227.990408298559487 ], [ 456880.156029735109769, 6717229.039708683267236 ], [ 456879.806382213137113, 6717228.690058491192758 ], [ 456879.10602973512141, 6717228.689708683639765 ], [ 456878.756382213148754, 6717228.340058490633965 ], [ 456878.406382213113829, 6717228.340058490633965 ], [ 456877.706382213102188, 6717227.640058491379023 ], [ 456877.356382213125471, 6717227.640058491379023 ], [ 456876.306382213137113, 6717226.590058490633965 ], [ 456875.956382213102188, 6717226.590058490633965 ], [ 456875.256382213148754, 6717225.890058491379023 ], [ 456874.906382213113829, 6717225.890058491379023 ], [ 456874.206382213102188, 6717225.190058491192758 ], [ 456873.856382213125471, 6717225.190058491192758 ], [ 456873.506382213148754, 6717223.790058490820229 ], [ 456874.206382213102188, 6717223.090058490633965 ], [ 456874.206382213102188, 6717222.740058491006494 ], [ 456875.256382213148754, 6717221.690058491192758 ], [ 456875.256382213148754, 6717221.340058490633965 ], [ 456875.956382213102188, 6717220.640058491379023 ], [ 456875.956382213102188, 6717220.290058490820229 ], [ 456876.656382213113829, 6717219.590058490633965 ], [ 456876.656382213113829, 6717219.240058491006494 ], [ 456877.356382213125471, 6717218.540058490820229 ], [ 456877.356382213125471, 6717218.190058491192758 ], [ 456878.056382213137113, 6717217.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456850.406382213113829, 6717211.190058491192758 ], [ 456849.006382213148754, 6717211.190058491192758 ], [ 456846.906382213113829, 6717209.090058490633965 ], [ 456846.906732020841446, 6717208.390408298932016 ], [ 456847.256382213148754, 6717208.040058490820229 ], [ 456847.256382213148754, 6717207.690058491192758 ], [ 456847.606382213125471, 6717207.340058490633965 ], [ 456847.606382213125471, 6717206.990058491006494 ], [ 456848.656382213113829, 6717205.940058491192758 ], [ 456848.656382213113829, 6717205.590058490633965 ], [ 456850.406382213113829, 6717204.540058490820229 ], [ 456851.106032405397855, 6717205.239706013351679 ], [ 456851.456382213102188, 6717205.240058491006494 ], [ 456852.156032405386213, 6717205.939706012606621 ], [ 456852.506382213148754, 6717205.940058491192758 ], [ 456853.206032405374572, 6717206.639706012792885 ], [ 456853.556382213137113, 6717206.640058491379023 ], [ 456854.25603240536293, 6717207.33970601297915 ], [ 456854.606382213125471, 6717207.340058490633965 ], [ 456855.306032405409496, 6717208.039708683267236 ], [ 456855.656382213113829, 6717208.040058490820229 ], [ 456856.356032405397855, 6717208.7397086834535 ], [ 456856.706382213102188, 6717208.740058491006494 ], [ 456857.406382213113829, 6717209.790058490820229 ], [ 456857.75603240536293, 6717209.789708683267236 ], [ 456857.756382213148754, 6717210.490058491006494 ], [ 456857.406732020841446, 6717210.84040829911828 ], [ 456857.406732020841446, 6717211.190408298745751 ], [ 456855.656732020841446, 6717212.240408298559487 ], [ 456855.656732020841446, 6717212.59040829911828 ], [ 456854.25603240536293, 6717213.639708682894707 ], [ 456853.906382213113829, 6717213.290058490820229 ], [ 456853.206382213102188, 6717213.290058490820229 ], [ 456852.506382213148754, 6717212.590058490633965 ], [ 456852.156382213113829, 6717212.590058490633965 ], [ 456851.456382213102188, 6717211.890058491379023 ], [ 456851.106382213125471, 6717211.890058491379023 ], [ 456850.406382213113829, 6717211.190058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717207.340058490633965 ], [ 457027.506382213148754, 6717207.340058490633965 ], [ 457026.106382213125471, 6717205.940058491192758 ], [ 457025.756382213148754, 6717205.940058491192758 ], [ 457025.406382213113829, 6717204.540058490820229 ], [ 457026.106382213125471, 6717203.840058490633965 ], [ 457026.106382213125471, 6717203.490058491006494 ], [ 457026.456040416262113, 6717203.139706012792885 ], [ 457026.106382213125471, 6717201.390058491379023 ], [ 457025.756382213148754, 6717201.390058491379023 ], [ 457025.056382213137113, 6717200.690058491192758 ], [ 457024.706382213102188, 6717200.690058491192758 ], [ 457024.006382213148754, 6717199.990058491006494 ], [ 457023.656382213113829, 6717199.990058491006494 ], [ 457022.956382213102188, 6717199.290058490820229 ], [ 457022.606382213125471, 6717199.290058490820229 ], [ 457021.906382213113829, 6717198.590058490633965 ], [ 457021.556382213137113, 6717198.590058490633965 ], [ 457020.856382213125471, 6717197.890058491379023 ], [ 457020.506382213148754, 6717197.890058491379023 ], [ 457019.806382213137113, 6717197.190058491192758 ], [ 457019.456382213102188, 6717197.190058491192758 ], [ 457018.406724010012113, 6717195.790410969406366 ], [ 457018.756382213148754, 6717195.440058491192758 ], [ 457018.756382213148754, 6717195.090058490633965 ], [ 457019.106382213125471, 6717194.740058491006494 ], [ 457019.106382213125471, 6717194.390058491379023 ], [ 457019.456382213102188, 6717194.040058490820229 ], [ 457019.456382213102188, 6717193.690058491192758 ], [ 457020.156382213113829, 6717192.990058491006494 ], [ 457020.156382213113829, 6717192.640058491379023 ], [ 457020.856382213125471, 6717191.940058491192758 ], [ 457020.856382213125471, 6717191.590058490633965 ], [ 457021.556382213137113, 6717190.890058491379023 ], [ 457021.556382213137113, 6717190.540058490820229 ], [ 457021.906382213113829, 6717190.190058491192758 ], [ 457021.906382213113829, 6717189.840058490633965 ], [ 457022.606382213125471, 6717189.140058491379023 ], [ 457022.606382213125471, 6717188.790058490820229 ], [ 457023.306382213137113, 6717188.090058490633965 ], [ 457023.306382213137113, 6717187.740058491006494 ], [ 457024.006382213148754, 6717187.040058490820229 ], [ 457024.006382213148754, 6717186.690058491192758 ], [ 457024.356382213125471, 6717186.340058490633965 ], [ 457024.356382213125471, 6717185.990058491006494 ], [ 457025.056382213137113, 6717185.290058490820229 ], [ 457025.056382213137113, 6717184.940058491192758 ], [ 457025.756382213148754, 6717184.240058491006494 ], [ 457025.756382213148754, 6717183.890058491379023 ], [ 457026.456382213102188, 6717183.190058491192758 ], [ 457026.456724010000471, 6717182.140410969033837 ], [ 457027.856382213125471, 6717180.740058491006494 ], [ 457027.856382213125471, 6717207.340058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456859.156732020841446, 6717206.990410968661308 ], [ 456857.756382213148754, 6717206.990058491006494 ], [ 456857.056382213137113, 6717206.290058490820229 ], [ 456856.706382213102188, 6717206.290058490820229 ], [ 456856.356382213125471, 6717205.940058491192758 ], [ 456856.006382213148754, 6717205.940058491192758 ], [ 456855.656382213113829, 6717205.590058490633965 ], [ 456855.306382213137113, 6717205.590058490633965 ], [ 456854.956382213102188, 6717205.240058491006494 ], [ 456854.606382213125471, 6717205.240058491006494 ], [ 456854.256382213148754, 6717204.890058491379023 ], [ 456853.906382213113829, 6717204.890058491379023 ], [ 456853.206382213102188, 6717204.190058491192758 ], [ 456852.856382213125471, 6717204.190058491192758 ], [ 456852.156382213113829, 6717202.790058490820229 ], [ 456852.506382213148754, 6717202.440058491192758 ], [ 456852.506382213148754, 6717202.090058490633965 ], [ 456852.856382213125471, 6717201.740058491006494 ], [ 456852.856382213125471, 6717201.390058491379023 ], [ 456853.206382213102188, 6717201.040058490820229 ], [ 456853.206382213102188, 6717200.690058491192758 ], [ 456853.556382213137113, 6717200.340058490633965 ], [ 456853.556382213137113, 6717199.990058491006494 ], [ 456854.256382213148754, 6717199.290058490820229 ], [ 456854.256382213148754, 6717198.940058491192758 ], [ 456854.606382213125471, 6717198.590058490633965 ], [ 456854.606382213125471, 6717198.240058491006494 ], [ 456854.956382213102188, 6717197.890058491379023 ], [ 456854.956382213102188, 6717197.540058490820229 ], [ 456855.306382213137113, 6717197.190058491192758 ], [ 456855.306382213137113, 6717196.840058490633965 ], [ 456856.706382213102188, 6717196.140058491379023 ], [ 456857.406032405386213, 6717196.83970601297915 ], [ 456857.756382213148754, 6717196.840058490633965 ], [ 456858.106032405397855, 6717197.189706012606621 ], [ 456858.456382213102188, 6717197.190058491192758 ], [ 456859.156032405386213, 6717197.889706012792885 ], [ 456859.506382213148754, 6717197.890058491379023 ], [ 456859.856032405397855, 6717198.239706013351679 ], [ 456860.206382213102188, 6717198.240058491006494 ], [ 456860.906032405386213, 6717198.939706012606621 ], [ 456861.256382213148754, 6717198.940058491192758 ], [ 456861.606032405397855, 6717199.289706013165414 ], [ 456861.956382213102188, 6717199.290058490820229 ], [ 456862.656732020841446, 6717200.340410969220102 ], [ 456862.306732020864729, 6717200.690410968847573 ], [ 456862.306732020864729, 6717201.390410969033837 ], [ 456861.956732020888012, 6717201.740410968661308 ], [ 456861.956732020888012, 6717202.090410969220102 ], [ 456861.25673202087637, 6717202.790410969406366 ], [ 456861.25673202087637, 6717203.140410969033837 ], [ 456860.906732020841446, 6717203.490410968661308 ], [ 456860.906732020841446, 6717203.840410969220102 ], [ 456860.556732020864729, 6717204.190410968847573 ], [ 456860.556732020864729, 6717204.540410969406366 ], [ 456859.856732020853087, 6717205.240410968661308 ], [ 456859.856732020853087, 6717205.590410969220102 ], [ 456859.50673202087637, 6717205.940410968847573 ], [ 456859.50673202087637, 6717206.290410969406366 ], [ 456859.156732020841446, 6717206.640410969033837 ], [ 456859.156732020841446, 6717206.990410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.756734691152815, 6717206.990410968661308 ], [ 456955.406734691176098, 6717207.340410969220102 ], [ 456955.406734691176098, 6717207.690408298745751 ], [ 456954.356734691129532, 6717208.740408298559487 ], [ 456954.356734691129532, 6717209.09040829911828 ], [ 456952.956734691164456, 6717210.490408298559487 ], [ 456952.956734691164456, 6717210.84040829911828 ], [ 456951.206029735098127, 6717212.589708683080971 ], [ 456950.856382213125471, 6717212.240058491006494 ], [ 456950.156382213113829, 6717212.240058491006494 ], [ 456948.056382213137113, 6717210.140058491379023 ], [ 456947.706382213102188, 6717210.140058491379023 ], [ 456947.006734691152815, 6717209.09040829911828 ], [ 456947.356382213125471, 6717208.740058491006494 ], [ 456947.356382213125471, 6717208.040058490820229 ], [ 456948.406382213113829, 6717206.990058491006494 ], [ 456948.406382213113829, 6717206.640058491379023 ], [ 456949.806382213137113, 6717205.240058491006494 ], [ 456949.806382213137113, 6717204.890058491379023 ], [ 456950.856382213125471, 6717203.840058490633965 ], [ 456950.856382213125471, 6717203.490058491006494 ], [ 456951.906382213113829, 6717203.140058491379023 ], [ 456952.60602973512141, 6717203.83970601297915 ], [ 456952.956382213102188, 6717203.840058490633965 ], [ 456954.706029735098127, 6717205.58970601297915 ], [ 456955.056382213137113, 6717205.590058490633965 ], [ 456955.756734691152815, 6717206.990410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456956.806382213137113, 6717206.990058491006494 ], [ 456955.756734691152815, 6717206.990410968661308 ], [ 456955.056382213137113, 6717205.590058490633965 ], [ 456954.706029735098127, 6717205.58970601297915 ], [ 456952.956382213102188, 6717203.840058490633965 ], [ 456952.60602973512141, 6717203.83970601297915 ], [ 456951.906382213113829, 6717203.140058491379023 ], [ 456951.906734691176098, 6717202.790410969406366 ], [ 456952.256382213148754, 6717202.440058491192758 ], [ 456952.256382213148754, 6717201.740058491006494 ], [ 456953.656382213113829, 6717200.340058490633965 ], [ 456953.656382213113829, 6717199.990058491006494 ], [ 456954.006029735086486, 6717199.639706012792885 ], [ 456954.006382213148754, 6717198.940058491192758 ], [ 456954.35602973512141, 6717198.58970601297915 ], [ 456954.356734691129532, 6717198.240410968661308 ], [ 456955.756734691152815, 6717197.190410968847573 ], [ 456955.756382213148754, 6717196.840058490633965 ], [ 456957.156734691176098, 6717195.440410968847573 ], [ 456957.156382213113829, 6717195.090058490633965 ], [ 456958.906734691176098, 6717193.340410969220102 ], [ 456958.906382213113829, 6717192.990058491006494 ], [ 456960.306734691141173, 6717191.590410969220102 ], [ 456960.306382213137113, 6717191.240058491006494 ], [ 456962.406029735109769, 6717189.139706012792885 ], [ 456963.106382213125471, 6717189.140058491379023 ], [ 456963.456382213102188, 6717189.490058491006494 ], [ 456963.806382213137113, 6717189.490058491006494 ], [ 456965.206382213102188, 6717190.890058491379023 ], [ 456965.556382213137113, 6717190.890058491379023 ], [ 456966.956382213102188, 6717192.290058490820229 ], [ 456967.306382213137113, 6717192.290058490820229 ], [ 456968.706382213102188, 6717193.690058491192758 ], [ 456969.056382213137113, 6717193.690058491192758 ], [ 456971.156734691176098, 6717196.140410969033837 ], [ 456970.806734691141173, 6717196.490410968661308 ], [ 456970.806734691141173, 6717196.840410969220102 ], [ 456969.406734691176098, 6717198.240410968661308 ], [ 456969.406734691176098, 6717198.590410969220102 ], [ 456968.006734691152815, 6717199.990410968661308 ], [ 456968.006734691152815, 6717200.340410969220102 ], [ 456966.606734691129532, 6717201.740410968661308 ], [ 456966.606734691129532, 6717202.090410969220102 ], [ 456965.206734691164456, 6717203.490410968661308 ], [ 456965.206734691164456, 6717203.840410969220102 ], [ 456963.806734691141173, 6717205.240410968661308 ], [ 456963.806734691141173, 6717205.590410969220102 ], [ 456962.406734691176098, 6717206.990410968661308 ], [ 456962.406734691176098, 6717207.340410969220102 ], [ 456961.006734691152815, 6717208.740408298559487 ], [ 456961.006734691152815, 6717209.09040829911828 ], [ 456959.956029735098127, 6717209.439708683639765 ], [ 456959.606382213125471, 6717209.090058490633965 ], [ 456959.256382213148754, 6717209.090058490633965 ], [ 456957.856382213125471, 6717207.690058491192758 ], [ 456957.506382213148754, 6717207.690058491192758 ], [ 456956.806382213137113, 6717206.990058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456954.356734691129532, 6717198.240410968661308 ], [ 456954.006029735086486, 6717198.239706013351679 ], [ 456953.656382213113829, 6717197.890058491379023 ], [ 456952.956382213102188, 6717197.890058491379023 ], [ 456950.856382213125471, 6717195.790058490820229 ], [ 456950.506382213148754, 6717195.790058490820229 ], [ 456948.406382213113829, 6717193.690058491192758 ], [ 456948.056382213137113, 6717193.690058491192758 ], [ 456945.956382213102188, 6717191.590058490633965 ], [ 456945.606382213125471, 6717191.590058490633965 ], [ 456944.906734691176098, 6717190.540410969406366 ], [ 456945.256382213148754, 6717190.190058491192758 ], [ 456945.256734691152815, 6717189.490410968661308 ], [ 456947.006029735086486, 6717187.739706013351679 ], [ 456947.006734691152815, 6717187.390410969033837 ], [ 456948.756029735086486, 6717185.639706012792885 ], [ 456948.756734691152815, 6717185.290410969406366 ], [ 456950.506029735086486, 6717183.539706013165414 ], [ 456950.506734691152815, 6717183.190410968847573 ], [ 456952.256029735086486, 6717181.439706012606621 ], [ 456952.256734691152815, 6717181.090410969220102 ], [ 456953.656382213113829, 6717180.390058491379023 ], [ 456954.35602973512141, 6717181.08970601297915 ], [ 456954.706382213102188, 6717181.090058490633965 ], [ 456956.806029735074844, 6717183.189706012606621 ], [ 456957.156382213113829, 6717183.190058491192758 ], [ 456959.256029735086486, 6717185.289706013165414 ], [ 456959.606382213125471, 6717185.290058490820229 ], [ 456961.706029735098127, 6717187.389706012792885 ], [ 456962.056382213137113, 6717187.390058491379023 ], [ 456962.406029735109769, 6717189.139706012792885 ], [ 456960.306382213137113, 6717191.240058491006494 ], [ 456960.306734691141173, 6717191.590410969220102 ], [ 456958.906382213113829, 6717192.990058491006494 ], [ 456958.906734691176098, 6717193.340410969220102 ], [ 456957.156382213113829, 6717195.090058490633965 ], [ 456957.156734691176098, 6717195.440410968847573 ], [ 456955.756382213148754, 6717196.840058490633965 ], [ 456955.756734691152815, 6717197.190410968847573 ], [ 456954.356734691129532, 6717198.240410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456918.306382213137113, 6717197.540058490820229 ], [ 456918.306382213137113, 6717196.140058491379023 ], [ 456919.006029735086486, 6717196.139706012792885 ], [ 456919.706382213102188, 6717196.140058491379023 ], [ 456920.056029735074844, 6717196.489706013351679 ], [ 456920.406382213113829, 6717196.490058491006494 ], [ 456920.756382213148754, 6717196.840058490633965 ], [ 456921.106382213125471, 6717196.840058490633965 ], [ 456921.806382213137113, 6717197.540058490820229 ], [ 456922.156382213113829, 6717197.540058490820229 ], [ 456922.856382213125471, 6717198.240058491006494 ], [ 456923.206382213102188, 6717198.240058491006494 ], [ 456923.906382213113829, 6717198.940058491192758 ], [ 456924.256382213148754, 6717198.940058491192758 ], [ 456924.956382213102188, 6717199.640058491379023 ], [ 456925.306382213137113, 6717199.640058491379023 ], [ 456926.006382213148754, 6717200.340058490633965 ], [ 456926.356382213125471, 6717200.340058490633965 ], [ 456927.056382213137113, 6717201.040058490820229 ], [ 456927.406382213113829, 6717201.040058490820229 ], [ 456928.456734691164456, 6717202.790410969406366 ], [ 456927.406734691176098, 6717203.840410969220102 ], [ 456927.406734691176098, 6717204.190410968847573 ], [ 456926.706734691164456, 6717204.890410969033837 ], [ 456926.706734691164456, 6717205.240410968661308 ], [ 456926.006734691152815, 6717205.940410968847573 ], [ 456926.006734691152815, 6717206.290410969406366 ], [ 456924.956734691164456, 6717207.340410969220102 ], [ 456924.956734691164456, 6717207.690408298745751 ], [ 456924.256734691152815, 6717208.390408298932016 ], [ 456924.256734691152815, 6717208.740408298559487 ], [ 456923.556734691141173, 6717209.440408298745751 ], [ 456923.556734691141173, 6717209.790408298373222 ], [ 456922.156029735109769, 6717211.189708683639765 ], [ 456921.806382213137113, 6717210.840058490633965 ], [ 456921.10602973512141, 6717210.839708683080971 ], [ 456920.406382213113829, 6717210.140058491379023 ], [ 456920.056382213137113, 6717210.140058491379023 ], [ 456919.356382213125471, 6717209.440058491192758 ], [ 456919.006382213148754, 6717209.440058491192758 ], [ 456917.956382213102188, 6717208.390058491379023 ], [ 456917.606382213125471, 6717208.390058491379023 ], [ 456916.556382213137113, 6717207.340058490633965 ], [ 456916.206382213102188, 6717207.340058490633965 ], [ 456915.506382213148754, 6717206.640058491379023 ], [ 456915.156382213113829, 6717206.640058491379023 ], [ 456914.106382213125471, 6717205.590058490633965 ], [ 456913.756382213148754, 6717205.590058490633965 ], [ 456913.406382213113829, 6717204.190058491192758 ], [ 456914.106382213125471, 6717203.490058491006494 ], [ 456914.106382213125471, 6717203.140058491379023 ], [ 456915.156382213113829, 6717202.090058490633965 ], [ 456915.156382213113829, 6717201.740058491006494 ], [ 456915.856382213125471, 6717201.040058490820229 ], [ 456915.856382213125471, 6717200.690058491192758 ], [ 456916.556382213137113, 6717199.990058491006494 ], [ 456916.556382213137113, 6717199.640058491379023 ], [ 456917.256382213148754, 6717198.940058491192758 ], [ 456917.256382213148754, 6717198.590058490633965 ], [ 456918.306382213137113, 6717197.540058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456918.306382213137113, 6717196.140058491379023 ], [ 456917.956029735098127, 6717196.139706012792885 ], [ 456917.606382213125471, 6717195.790058490820229 ], [ 456916.906382213113829, 6717195.790058490820229 ], [ 456916.206382213102188, 6717195.090058490633965 ], [ 456915.856382213125471, 6717195.090058490633965 ], [ 456915.156382213113829, 6717194.390058491379023 ], [ 456913.406734691176098, 6717195.440410968847573 ], [ 456913.406734691176098, 6717195.790410969406366 ], [ 456913.056734691141173, 6717196.140410969033837 ], [ 456913.056734691141173, 6717196.490410968661308 ], [ 456911.656029735109769, 6717197.539706013165414 ], [ 456911.306382213137113, 6717197.190058491192758 ], [ 456910.606382213125471, 6717197.190058491192758 ], [ 456909.906382213113829, 6717196.490058491006494 ], [ 456909.556382213137113, 6717196.490058491006494 ], [ 456908.856382213125471, 6717195.790058490820229 ], [ 456908.506382213148754, 6717195.790058490820229 ], [ 456907.456382213102188, 6717194.390058491379023 ], [ 456907.806382213137113, 6717194.040058490820229 ], [ 456907.806382213137113, 6717193.690058491192758 ], [ 456908.156382213113829, 6717193.340058490633965 ], [ 456908.156382213113829, 6717192.990058491006494 ], [ 456909.206382213102188, 6717191.940058491192758 ], [ 456909.206382213102188, 6717191.590058490633965 ], [ 456909.906382213113829, 6717190.890058491379023 ], [ 456909.906382213113829, 6717190.540058490820229 ], [ 456910.606382213125471, 6717189.840058490633965 ], [ 456910.606382213125471, 6717189.490058491006494 ], [ 456911.656382213113829, 6717188.440058491192758 ], [ 456911.656382213113829, 6717188.090058490633965 ], [ 456913.056382213137113, 6717187.040058490820229 ], [ 456913.406029735109769, 6717187.389706012792885 ], [ 456913.756382213148754, 6717187.390058491379023 ], [ 456914.106382213125471, 6717187.740058491006494 ], [ 456914.456382213102188, 6717187.740058491006494 ], [ 456915.156382213113829, 6717188.440058491192758 ], [ 456915.506382213148754, 6717188.440058491192758 ], [ 456916.206382213102188, 6717189.140058491379023 ], [ 456916.556382213137113, 6717189.140058491379023 ], [ 456917.256382213148754, 6717189.840058490633965 ], [ 456917.606382213125471, 6717189.840058490633965 ], [ 456918.306382213137113, 6717190.540058490820229 ], [ 456918.656382213113829, 6717190.540058490820229 ], [ 456919.356382213125471, 6717191.240058491006494 ], [ 456919.706382213102188, 6717191.240058491006494 ], [ 456920.756734691152815, 6717192.990410968661308 ], [ 456920.056734691141173, 6717193.690410968847573 ], [ 456920.056734691141173, 6717194.040410969406366 ], [ 456919.356734691129532, 6717194.740410968661308 ], [ 456919.35602973512141, 6717195.439706012606621 ], [ 456919.006382213148754, 6717195.790058490820229 ], [ 456919.006029735086486, 6717196.139706012792885 ], [ 456918.306382213137113, 6717196.140058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456906.406029735109769, 6717195.08970601297915 ], [ 456905.006734691152815, 6717196.490410968661308 ], [ 456905.006734691152815, 6717196.840410969220102 ], [ 456903.956734691164456, 6717197.890410969033837 ], [ 456903.956734691164456, 6717198.240410968661308 ], [ 456903.256734691152815, 6717198.940410968847573 ], [ 456903.256734691152815, 6717199.290410969406366 ], [ 456902.206734691164456, 6717200.340410969220102 ], [ 456902.206734691164456, 6717200.690410968847573 ], [ 456900.806029735074844, 6717202.08970601297915 ], [ 456900.456382213102188, 6717201.740058491006494 ], [ 456899.756029735086486, 6717201.739706013351679 ], [ 456899.406382213113829, 6717201.390058491379023 ], [ 456899.056382213137113, 6717201.390058491379023 ], [ 456898.006382213148754, 6717200.340058490633965 ], [ 456897.656382213113829, 6717200.340058490633965 ], [ 456896.956382213102188, 6717199.640058491379023 ], [ 456896.606382213125471, 6717199.640058491379023 ], [ 456895.556382213137113, 6717198.590058490633965 ], [ 456895.206382213102188, 6717198.590058490633965 ], [ 456894.506382213148754, 6717197.890058491379023 ], [ 456894.156382213113829, 6717197.890058491379023 ], [ 456893.806382213137113, 6717196.490058491006494 ], [ 456894.506382213148754, 6717195.790058490820229 ], [ 456894.506382213148754, 6717195.440058491192758 ], [ 456895.556382213137113, 6717194.390058491379023 ], [ 456895.556734691141173, 6717193.340410969220102 ], [ 456896.256029735086486, 6717192.989706013351679 ], [ 456896.256382213148754, 6717192.640058491379023 ], [ 456897.306029735074844, 6717191.58970601297915 ], [ 456897.306382213137113, 6717191.240058491006494 ], [ 456898.35602973512141, 6717190.189706012606621 ], [ 456898.356382213125471, 6717189.840058490633965 ], [ 456899.056382213137113, 6717189.490058491006494 ], [ 456899.406382213113829, 6717189.490058491006494 ], [ 456899.756029735086486, 6717189.83970601297915 ], [ 456900.106382213125471, 6717189.840058490633965 ], [ 456901.156029735109769, 6717190.889706012792885 ], [ 456901.506382213148754, 6717190.890058491379023 ], [ 456902.556382213137113, 6717191.940058491192758 ], [ 456902.906382213113829, 6717191.940058491192758 ], [ 456904.306029735074844, 6717193.33970601297915 ], [ 456904.656382213113829, 6717193.340058490633965 ], [ 456905.706029735098127, 6717194.389706012792885 ], [ 456906.406382213113829, 6717194.390058491379023 ], [ 456906.406029735109769, 6717195.08970601297915 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456896.256029735086486, 6717192.989706013351679 ], [ 456895.556734691141173, 6717193.340410969220102 ], [ 456895.206382213102188, 6717192.990058491006494 ], [ 456894.856382213125471, 6717192.990058491006494 ], [ 456894.156382213113829, 6717192.290058490820229 ], [ 456893.806382213137113, 6717192.290058490820229 ], [ 456893.106382213125471, 6717191.590058490633965 ], [ 456892.756382213148754, 6717191.590058490633965 ], [ 456892.056382213137113, 6717190.890058491379023 ], [ 456891.706382213102188, 6717190.890058491379023 ], [ 456890.306734691141173, 6717189.490410968661308 ], [ 456890.656382213113829, 6717189.140058491379023 ], [ 456890.656382213113829, 6717188.440058491192758 ], [ 456892.056382213137113, 6717187.040058490820229 ], [ 456892.056382213137113, 6717186.690058491192758 ], [ 456893.10602973512141, 6717185.639706012792885 ], [ 456893.106734691129532, 6717185.290410969406366 ], [ 456894.506382213148754, 6717183.890058491379023 ], [ 456894.506382213148754, 6717183.540058490820229 ], [ 456895.906382213113829, 6717182.140058491379023 ], [ 456895.906382213113829, 6717181.790058490820229 ], [ 456896.956382213102188, 6717181.440058491192758 ], [ 456897.306029735074844, 6717181.789706013165414 ], [ 456897.656382213113829, 6717181.790058490820229 ], [ 456898.706029735098127, 6717182.83970601297915 ], [ 456899.056382213137113, 6717182.840058490633965 ], [ 456899.756029735086486, 6717183.539706013165414 ], [ 456900.106382213125471, 6717183.540058490820229 ], [ 456901.506734691152815, 6717185.290410969406366 ], [ 456901.156734691176098, 6717185.640410969033837 ], [ 456901.156734691176098, 6717185.990410968661308 ], [ 456900.106734691129532, 6717187.040410969406366 ], [ 456900.106734691129532, 6717187.390410969033837 ], [ 456899.406734691176098, 6717188.090410969220102 ], [ 456899.406382213113829, 6717188.790058490820229 ], [ 456899.056734691141173, 6717189.140410969033837 ], [ 456899.056382213137113, 6717189.490058491006494 ], [ 456898.356382213125471, 6717189.840058490633965 ], [ 456898.35602973512141, 6717190.189706012606621 ], [ 456897.306382213137113, 6717191.240058491006494 ], [ 456897.306029735074844, 6717191.58970601297915 ], [ 456896.256382213148754, 6717192.640058491379023 ], [ 456896.256029735086486, 6717192.989706013351679 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456869.306382213137113, 6717181.440058491192758 ], [ 456868.606382213125471, 6717180.040058490820229 ], [ 456870.356382213125471, 6717178.290058490820229 ], [ 456870.356732020853087, 6717177.940410968847573 ], [ 456871.406382213113829, 6717176.890058491379023 ], [ 456871.406732020841446, 6717176.540410969406366 ], [ 456872.106382213125471, 6717175.840058490633965 ], [ 456872.106732020853087, 6717175.490410968661308 ], [ 456872.806382213137113, 6717174.790058490820229 ], [ 456872.806382213137113, 6717173.740058491006494 ], [ 456874.906382213113829, 6717172.340058490633965 ], [ 456874.906382213113829, 6717171.990058491006494 ], [ 456875.606382213125471, 6717171.290058490820229 ], [ 456875.606382213125471, 6717170.940058491192758 ], [ 456876.656382213113829, 6717169.890058491379023 ], [ 456876.656382213113829, 6717169.540058490820229 ], [ 456878.406382213113829, 6717168.140058491379023 ], [ 456878.756029735086486, 6717168.489706013351679 ], [ 456879.106382213125471, 6717168.490058491006494 ], [ 456879.806029735074844, 6717169.189706012606621 ], [ 456880.156382213113829, 6717169.190058491192758 ], [ 456881.206029735098127, 6717170.239706013351679 ], [ 456881.556382213137113, 6717170.240058491006494 ], [ 456882.256029735086486, 6717170.939706012606621 ], [ 456882.606382213125471, 6717170.940058491192758 ], [ 456883.306029735074844, 6717171.639706012792885 ], [ 456883.656382213113829, 6717171.640058491379023 ], [ 456884.706029735098127, 6717172.689706012606621 ], [ 456885.056382213137113, 6717172.690058491192758 ], [ 456886.106734691129532, 6717174.440410968847573 ], [ 456885.056734691141173, 6717175.490410968661308 ], [ 456885.056734691141173, 6717175.840410969220102 ], [ 456884.006734691152815, 6717176.890410969033837 ], [ 456884.006734691152815, 6717177.240410968661308 ], [ 456883.306734691141173, 6717177.940410968847573 ], [ 456883.306734691141173, 6717178.290410969406366 ], [ 456882.256734691152815, 6717179.340410969220102 ], [ 456882.256734691152815, 6717179.690410968847573 ], [ 456881.206734691164456, 6717180.740410968661308 ], [ 456881.206734691164456, 6717181.090410969220102 ], [ 456880.156734691176098, 6717182.140410969033837 ], [ 456880.156734691176098, 6717182.490410968661308 ], [ 456879.456734691164456, 6717183.190410968847573 ], [ 456879.456734691164456, 6717183.540410969406366 ], [ 456878.406734691176098, 6717184.590410969220102 ], [ 456878.406734691176098, 6717184.940410968847573 ], [ 456877.006029735086486, 6717186.33970601297915 ], [ 456876.656382213113829, 6717185.990058491006494 ], [ 456875.956029735098127, 6717185.989706013351679 ], [ 456875.606382213125471, 6717185.640058491379023 ], [ 456875.256382213148754, 6717185.640058491379023 ], [ 456874.206382213102188, 6717184.590058490633965 ], [ 456873.856382213125471, 6717184.590058490633965 ], [ 456873.156382213113829, 6717183.890058491379023 ], [ 456872.806382213137113, 6717183.890058491379023 ], [ 456872.106382213125471, 6717183.190058491192758 ], [ 456871.756382213148754, 6717183.190058491192758 ], [ 456870.706382213102188, 6717182.140058491379023 ], [ 456870.356382213125471, 6717182.140058491379023 ], [ 456869.656382213113829, 6717181.440058491192758 ], [ 456869.306382213137113, 6717181.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.606382213125471, 6717180.040058490820229 ], [ 456868.256382213148754, 6717179.690058491192758 ], [ 456867.556032405409496, 6717179.689706012606621 ], [ 456867.206382213102188, 6717179.340058490633965 ], [ 456866.856382213125471, 6717179.340058490633965 ], [ 456866.156382213113829, 6717178.640058491379023 ], [ 456865.806382213137113, 6717178.640058491379023 ], [ 456865.106382213125471, 6717177.940058491192758 ], [ 456864.756382213148754, 6717177.940058491192758 ], [ 456864.056382213137113, 6717177.240058491006494 ], [ 456863.706382213102188, 6717177.240058491006494 ], [ 456863.006382213148754, 6717176.540058490820229 ], [ 456862.656382213113829, 6717176.540058490820229 ], [ 456861.956382213102188, 6717175.840058490633965 ], [ 456861.606382213125471, 6717175.840058490633965 ], [ 456860.906382213113829, 6717175.140058491379023 ], [ 456860.556382213137113, 6717175.140058491379023 ], [ 456859.856732020853087, 6717173.390410969033837 ], [ 456860.906732020841446, 6717172.340410969220102 ], [ 456860.906382213113829, 6717171.990058491006494 ], [ 456861.956732020888012, 6717170.940410968847573 ], [ 456861.956382213102188, 6717170.590058490633965 ], [ 456862.656732020841446, 6717169.890410969033837 ], [ 456862.656382213113829, 6717169.540058490820229 ], [ 456864.056032405409496, 6717168.139706012792885 ], [ 456864.756382213148754, 6717168.140058491379023 ], [ 456865.106032405397855, 6717168.489706013351679 ], [ 456865.456382213102188, 6717168.490058491006494 ], [ 456866.156032405386213, 6717169.189706012606621 ], [ 456866.506382213148754, 6717169.190058491192758 ], [ 456867.206032405374572, 6717169.889706012792885 ], [ 456867.556382213137113, 6717169.890058491379023 ], [ 456868.25603240536293, 6717170.58970601297915 ], [ 456868.606382213125471, 6717170.590058490633965 ], [ 456869.306032405409496, 6717171.289706013165414 ], [ 456869.656382213113829, 6717171.290058490820229 ], [ 456870.356032405397855, 6717171.989706013351679 ], [ 456870.706382213102188, 6717171.990058491006494 ], [ 456871.406032405386213, 6717172.689706012606621 ], [ 456871.756382213148754, 6717172.690058491192758 ], [ 456872.806382213137113, 6717173.740058491006494 ], [ 456872.806382213137113, 6717174.790058490820229 ], [ 456872.106732020853087, 6717175.490410968661308 ], [ 456872.106382213125471, 6717175.840058490633965 ], [ 456871.406732020841446, 6717176.540410969406366 ], [ 456871.406382213113829, 6717176.890058491379023 ], [ 456870.356732020853087, 6717177.940410968847573 ], [ 456870.356382213125471, 6717178.290058490820229 ], [ 456868.606382213125471, 6717180.040058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456935.456382213102188, 6717180.740058491006494 ], [ 456933.706029735098127, 6717178.639706012792885 ], [ 456933.706734691164456, 6717177.940410968847573 ], [ 456935.106734691129532, 6717176.540410969406366 ], [ 456935.106382213125471, 6717176.190058491192758 ], [ 456936.156734691176098, 6717175.140410969033837 ], [ 456936.156382213113829, 6717174.790058490820229 ], [ 456937.206734691164456, 6717173.740410968661308 ], [ 456937.206382213102188, 6717173.390058491379023 ], [ 456938.606734691129532, 6717171.990410968661308 ], [ 456938.606382213125471, 6717171.640058491379023 ], [ 456939.306734691141173, 6717170.940410968847573 ], [ 456940.356382213125471, 6717170.940058491192758 ], [ 456940.706382213102188, 6717171.290058490820229 ], [ 456941.056382213137113, 6717171.290058490820229 ], [ 456942.456382213102188, 6717172.690058491192758 ], [ 456942.806382213137113, 6717172.690058491192758 ], [ 456944.206382213102188, 6717174.090058490633965 ], [ 456944.556382213137113, 6717174.090058490633965 ], [ 456946.656734691176098, 6717176.540410969406366 ], [ 456946.306734691141173, 6717176.890410969033837 ], [ 456946.306734691141173, 6717177.240410968661308 ], [ 456944.556734691141173, 6717178.990410968661308 ], [ 456944.556734691141173, 6717179.340410969220102 ], [ 456942.806734691141173, 6717181.090410969220102 ], [ 456942.806734691141173, 6717181.440410968847573 ], [ 456941.056734691141173, 6717183.190410968847573 ], [ 456941.056734691141173, 6717183.540410969406366 ], [ 456939.656382213113829, 6717183.890058491379023 ], [ 456938.606382213125471, 6717182.840058490633965 ], [ 456938.256382213148754, 6717182.840058490633965 ], [ 456937.206382213102188, 6717181.790058490820229 ], [ 456936.856382213125471, 6717181.790058490820229 ], [ 456935.806382213137113, 6717180.740058491006494 ], [ 456935.456382213102188, 6717180.740058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456933.706029735098127, 6717178.639706012792885 ], [ 456933.356382213125471, 6717178.640058491379023 ], [ 456933.006382213148754, 6717178.290058490820229 ], [ 456932.306382213137113, 6717178.290058490820229 ], [ 456931.256382213148754, 6717177.240058491006494 ], [ 456930.906382213113829, 6717177.240058491006494 ], [ 456929.506382213148754, 6717175.840058490633965 ], [ 456929.156382213113829, 6717175.840058490633965 ], [ 456928.106382213125471, 6717174.790058490820229 ], [ 456927.756382213148754, 6717174.790058490820229 ], [ 456926.006029735086486, 6717172.689706012606621 ], [ 456926.006382213148754, 6717171.990058491006494 ], [ 456926.706734691164456, 6717171.290410969406366 ], [ 456926.706382213102188, 6717170.940058491192758 ], [ 456927.756734691152815, 6717169.890410969033837 ], [ 456927.756382213148754, 6717169.540058490820229 ], [ 456929.156734691176098, 6717168.140410969033837 ], [ 456929.156382213113829, 6717167.790058490820229 ], [ 456930.206734691164456, 6717166.740410968661308 ], [ 456930.206382213102188, 6717166.390058491379023 ], [ 456931.256382213148754, 6717165.340058490633965 ], [ 456931.256734691152815, 6717164.990410968661308 ], [ 456931.606382213125471, 6717164.640058491379023 ], [ 456932.656382213113829, 6717164.640058491379023 ], [ 456933.006029735086486, 6717164.989706013351679 ], [ 456933.356382213125471, 6717164.990058491006494 ], [ 456934.406029735109769, 6717166.039706013165414 ], [ 456934.756382213148754, 6717166.040058490820229 ], [ 456935.806382213137113, 6717167.090058490633965 ], [ 456936.156382213113829, 6717167.090058490633965 ], [ 456937.556029735074844, 6717168.489706013351679 ], [ 456937.906382213113829, 6717168.490058491006494 ], [ 456939.306734691141173, 6717170.940410968847573 ], [ 456938.606382213125471, 6717171.640058491379023 ], [ 456938.606734691129532, 6717171.990410968661308 ], [ 456937.206382213102188, 6717173.390058491379023 ], [ 456937.206734691164456, 6717173.740410968661308 ], [ 456936.156382213113829, 6717174.790058490820229 ], [ 456936.156734691176098, 6717175.140410969033837 ], [ 456935.106382213125471, 6717176.190058491192758 ], [ 456935.106734691129532, 6717176.540410969406366 ], [ 456933.706734691164456, 6717177.940410968847573 ], [ 456933.706029735098127, 6717178.639706012792885 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457027.856382213125471, 6717175.490058491006494 ], [ 457027.156040416273754, 6717175.489706013351679 ], [ 457025.756382213148754, 6717174.090058490633965 ], [ 457025.406382213113829, 6717174.090058490633965 ], [ 457024.706382213102188, 6717173.390058491379023 ], [ 457024.356382213125471, 6717173.390058491379023 ], [ 457023.306724009977188, 6717171.990410968661308 ], [ 457023.656382213113829, 6717171.640058491379023 ], [ 457023.656382213113829, 6717171.290058490820229 ], [ 457024.006382213148754, 6717170.940058491192758 ], [ 457024.006382213148754, 6717170.590058490633965 ], [ 457024.706382213102188, 6717169.890058491379023 ], [ 457024.706382213102188, 6717169.540058490820229 ], [ 457025.056382213137113, 6717169.190058491192758 ], [ 457025.056382213137113, 6717168.840058490633965 ], [ 457025.756382213148754, 6717168.140058491379023 ], [ 457025.756382213148754, 6717167.790058490820229 ], [ 457026.456382213102188, 6717167.090058490633965 ], [ 457026.456724010000471, 6717165.690410968847573 ], [ 457026.806040416238829, 6717165.33970601297915 ], [ 457026.806724009977188, 6717162.890410969033837 ], [ 457027.156040416273754, 6717162.539706013165414 ], [ 457027.156724010012113, 6717160.090410969220102 ], [ 457027.506040416250471, 6717159.739706013351679 ], [ 457027.506724009988829, 6717159.390410969033837 ], [ 457027.856382213125471, 6717159.040058490820229 ], [ 457027.856382213125471, 6717175.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456859.856732020853087, 6717173.390410969033837 ], [ 456859.50603240536293, 6717173.389706012792885 ], [ 456859.156382213113829, 6717173.040058490820229 ], [ 456858.456032405374572, 6717173.039706013165414 ], [ 456858.106382213125471, 6717172.690058491192758 ], [ 456857.756382213148754, 6717172.690058491192758 ], [ 456857.056382213137113, 6717171.990058491006494 ], [ 456856.706382213102188, 6717171.990058491006494 ], [ 456856.006382213148754, 6717171.290058490820229 ], [ 456855.656382213113829, 6717171.290058490820229 ], [ 456854.956382213102188, 6717170.590058490633965 ], [ 456854.606382213125471, 6717170.590058490633965 ], [ 456853.556382213137113, 6717168.840058490633965 ], [ 456854.256382213148754, 6717168.140058491379023 ], [ 456854.256382213148754, 6717167.790058490820229 ], [ 456854.956382213102188, 6717167.090058490633965 ], [ 456854.956382213102188, 6717166.740058491006494 ], [ 456855.656382213113829, 6717166.040058490820229 ], [ 456855.656382213113829, 6717165.690058491192758 ], [ 456856.356382213125471, 6717164.990058491006494 ], [ 456856.356382213125471, 6717164.640058491379023 ], [ 456857.056382213137113, 6717163.940058491192758 ], [ 456857.056382213137113, 6717163.590058490633965 ], [ 456857.756382213148754, 6717162.890058491379023 ], [ 456857.756382213148754, 6717162.540058490820229 ], [ 456859.156382213113829, 6717161.490058491006494 ], [ 456859.50603240536293, 6717161.83970601297915 ], [ 456859.856382213125471, 6717161.840058490633965 ], [ 456860.556032405409496, 6717162.539706013165414 ], [ 456860.906382213113829, 6717162.540058490820229 ], [ 456861.956032405374572, 6717163.58970601297915 ], [ 456862.306382213137113, 6717163.590058490633965 ], [ 456863.356032405397855, 6717164.639706012792885 ], [ 456863.706382213102188, 6717164.640058491379023 ], [ 456864.75673202087637, 6717166.390410969033837 ], [ 456864.406732020841446, 6717166.740410968661308 ], [ 456864.406032405386213, 6717167.08970601297915 ], [ 456864.056732020864729, 6717167.440410968847573 ], [ 456864.056032405409496, 6717168.139706012792885 ], [ 456862.656382213113829, 6717169.540058490820229 ], [ 456862.656732020841446, 6717169.890410969033837 ], [ 456861.956382213102188, 6717170.590058490633965 ], [ 456861.956732020888012, 6717170.940410968847573 ], [ 456860.906382213113829, 6717171.990058491006494 ], [ 456860.906732020841446, 6717172.340410969220102 ], [ 456859.856732020853087, 6717173.390410969033837 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456926.006029735086486, 6717172.689706012606621 ], [ 456922.85602973512141, 6717175.139706012792885 ], [ 456922.506382213148754, 6717174.790058490820229 ], [ 456921.806382213137113, 6717174.790058490820229 ], [ 456920.406382213113829, 6717173.390058491379023 ], [ 456920.056382213137113, 6717173.390058491379023 ], [ 456918.656382213113829, 6717171.990058491006494 ], [ 456918.306382213137113, 6717171.990058491006494 ], [ 456916.906382213113829, 6717170.590058490633965 ], [ 456916.556382213137113, 6717170.590058490633965 ], [ 456915.856734691129532, 6717169.540410969406366 ], [ 456916.206382213102188, 6717169.190058491192758 ], [ 456916.206382213102188, 6717168.490058491006494 ], [ 456917.606382213125471, 6717167.090058490633965 ], [ 456917.606382213125471, 6717166.740058491006494 ], [ 456918.656382213113829, 6717165.690058491192758 ], [ 456918.656382213113829, 6717165.340058490633965 ], [ 456920.056382213137113, 6717163.940058491192758 ], [ 456920.056382213137113, 6717163.590058490633965 ], [ 456921.456382213102188, 6717162.190058491192758 ], [ 456921.456382213102188, 6717161.840058490633965 ], [ 456922.506382213148754, 6717160.790058490820229 ], [ 456922.506382213148754, 6717160.440058491192758 ], [ 456923.906382213113829, 6717159.040058490820229 ], [ 456923.906382213113829, 6717158.690058491192758 ], [ 456924.956382213102188, 6717158.340058490633965 ], [ 456925.656029735109769, 6717159.039706013165414 ], [ 456926.006382213148754, 6717159.040058490820229 ], [ 456927.406029735109769, 6717160.439706012606621 ], [ 456927.756382213148754, 6717160.440058491192758 ], [ 456929.156029735109769, 6717161.83970601297915 ], [ 456929.506382213148754, 6717161.840058490633965 ], [ 456930.906029735109769, 6717163.239706013351679 ], [ 456931.256382213148754, 6717163.240058491006494 ], [ 456931.606382213125471, 6717164.640058491379023 ], [ 456931.256734691152815, 6717164.990410968661308 ], [ 456931.256382213148754, 6717165.340058490633965 ], [ 456930.206382213102188, 6717166.390058491379023 ], [ 456930.206734691164456, 6717166.740410968661308 ], [ 456929.156382213113829, 6717167.790058490820229 ], [ 456929.156734691176098, 6717168.140410969033837 ], [ 456927.756382213148754, 6717169.540058490820229 ], [ 456927.756734691152815, 6717169.890410969033837 ], [ 456926.706382213102188, 6717170.940058491192758 ], [ 456926.706734691164456, 6717171.290410969406366 ], [ 456926.006382213148754, 6717171.990058491006494 ], [ 456926.006029735086486, 6717172.689706012606621 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456878.756382213148754, 6717166.390058491379023 ], [ 456878.406382213113829, 6717166.040058490820229 ], [ 456877.706029735098127, 6717166.039706013165414 ], [ 456877.006382213148754, 6717165.340058490633965 ], [ 456876.656382213113829, 6717165.340058490633965 ], [ 456875.606382213125471, 6717164.290058490820229 ], [ 456875.256382213148754, 6717164.290058490820229 ], [ 456874.206382213102188, 6717163.240058491006494 ], [ 456873.856382213125471, 6717163.240058491006494 ], [ 456872.806382213137113, 6717162.190058491192758 ], [ 456872.456382213102188, 6717162.190058491192758 ], [ 456872.106732020853087, 6717160.790410969406366 ], [ 456873.156032405386213, 6717159.739706013351679 ], [ 456873.156734691176098, 6717159.390410969033837 ], [ 456874.206029735098127, 6717158.33970601297915 ], [ 456874.206734691164456, 6717157.990410968661308 ], [ 456874.906382213113829, 6717157.640058491379023 ], [ 456875.956382213102188, 6717157.640058491379023 ], [ 456877.35602973512141, 6717159.039706013165414 ], [ 456877.706382213102188, 6717159.040058490820229 ], [ 456879.10602973512141, 6717160.439706012606621 ], [ 456879.806734691141173, 6717160.440410968847573 ], [ 456881.206734691164456, 6717163.240410968661308 ], [ 456880.506734691152815, 6717163.940410968847573 ], [ 456880.506734691152815, 6717164.290410969406366 ], [ 456879.806734691141173, 6717164.990410968661308 ], [ 456879.806734691141173, 6717165.340410969220102 ], [ 456878.756382213148754, 6717166.390058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456845.50603240536293, 6717160.439706012606621 ], [ 456843.406032405386213, 6717161.83970601297915 ], [ 456843.056382213137113, 6717161.490058491006494 ], [ 456842.356032405397855, 6717161.489706013351679 ], [ 456842.006382213148754, 6717161.140058491379023 ], [ 456841.656382213113829, 6717161.140058491379023 ], [ 456840.956382213102188, 6717160.440058491192758 ], [ 456840.606382213125471, 6717160.440058491192758 ], [ 456839.906382213113829, 6717159.740058491006494 ], [ 456839.556382213137113, 6717159.740058491006494 ], [ 456838.856382213125471, 6717159.040058490820229 ], [ 456838.506382213148754, 6717159.040058490820229 ], [ 456837.806382213137113, 6717158.340058490633965 ], [ 456837.456382213102188, 6717158.340058490633965 ], [ 456836.756382213148754, 6717157.640058491379023 ], [ 456836.406382213113829, 6717157.640058491379023 ], [ 456835.706382213102188, 6717156.940058491192758 ], [ 456835.356382213125471, 6717156.940058491192758 ], [ 456834.656382213113829, 6717156.240058491006494 ], [ 456834.306382213137113, 6717156.240058491006494 ], [ 456833.956382213102188, 6717154.840058490633965 ], [ 456835.006382213148754, 6717153.790058490820229 ], [ 456835.006382213148754, 6717153.440058491192758 ], [ 456835.706382213102188, 6717152.740058491006494 ], [ 456835.706382213102188, 6717152.390058491379023 ], [ 456836.406032405386213, 6717151.689706012606621 ], [ 456836.406732020841446, 6717151.340410969220102 ], [ 456837.456382213102188, 6717150.290058490820229 ], [ 456837.456382213102188, 6717149.940058491192758 ], [ 456838.156382213113829, 6717149.240058491006494 ], [ 456838.156382213113829, 6717148.890058491379023 ], [ 456839.906382213113829, 6717147.490058491006494 ], [ 456840.25603240536293, 6717147.83970601297915 ], [ 456840.606382213125471, 6717147.840058490633965 ], [ 456841.306032405409496, 6717148.539706013165414 ], [ 456841.656382213113829, 6717148.540058490820229 ], [ 456842.356032405397855, 6717149.239706013351679 ], [ 456842.706382213102188, 6717149.240058491006494 ], [ 456843.75603240536293, 6717150.289706013165414 ], [ 456844.106382213125471, 6717150.290058490820229 ], [ 456844.806032405409496, 6717150.989706013351679 ], [ 456845.156382213113829, 6717150.990058491006494 ], [ 456846.206032405374572, 6717152.039706013165414 ], [ 456846.556382213137113, 6717152.040058490820229 ], [ 456847.25603240536293, 6717152.739706013351679 ], [ 456847.606382213125471, 6717152.740058491006494 ], [ 456848.656032405386213, 6717153.789706013165414 ], [ 456849.006382213148754, 6717153.790058490820229 ], [ 456849.00673202087637, 6717154.490410968661308 ], [ 456848.306382213137113, 6717155.190058491192758 ], [ 456848.306732020864729, 6717155.540410969406366 ], [ 456847.606382213125471, 6717156.240058491006494 ], [ 456847.606732020853087, 6717156.590410969220102 ], [ 456846.906382213113829, 6717157.290058490820229 ], [ 456846.906732020841446, 6717157.640410969033837 ], [ 456846.206382213102188, 6717158.340058490633965 ], [ 456846.206732020888012, 6717158.690410968847573 ], [ 456845.506382213148754, 6717159.390058491379023 ], [ 456845.50603240536293, 6717160.439706012606621 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456845.856382213125471, 6717160.440058491192758 ], [ 456845.50603240536293, 6717160.439706012606621 ], [ 456845.506382213148754, 6717159.390058491379023 ], [ 456846.206732020888012, 6717158.690410968847573 ], [ 456846.206382213102188, 6717158.340058490633965 ], [ 456846.906732020841446, 6717157.640410969033837 ], [ 456846.906382213113829, 6717157.290058490820229 ], [ 456847.606732020853087, 6717156.590410969220102 ], [ 456847.606382213125471, 6717156.240058491006494 ], [ 456848.306732020864729, 6717155.540410969406366 ], [ 456848.306382213137113, 6717155.190058491192758 ], [ 456849.00673202087637, 6717154.490410968661308 ], [ 456849.006382213148754, 6717153.790058490820229 ], [ 456850.756382213148754, 6717152.740058491006494 ], [ 456850.756382213148754, 6717152.390058491379023 ], [ 456852.156382213113829, 6717151.340058490633965 ], [ 456852.156732020841446, 6717150.640410969033837 ], [ 456852.50603240536293, 6717150.289706013165414 ], [ 456852.506382213148754, 6717148.890058491379023 ], [ 456853.556382213137113, 6717147.840058490633965 ], [ 456853.556382213137113, 6717147.490058491006494 ], [ 456854.256382213148754, 6717146.790058490820229 ], [ 456854.256382213148754, 6717146.440058491192758 ], [ 456854.956382213102188, 6717145.740058491006494 ], [ 456854.956382213102188, 6717145.390058491379023 ], [ 456856.706382213102188, 6717143.990058491006494 ], [ 456857.056032405409496, 6717144.33970601297915 ], [ 456857.406382213113829, 6717144.340058490633965 ], [ 456858.106032405397855, 6717145.039706013165414 ], [ 456858.456382213102188, 6717145.040058490820229 ], [ 456859.156032405386213, 6717145.739706013351679 ], [ 456859.506382213148754, 6717145.740058491006494 ], [ 456860.206032405374572, 6717146.439706012606621 ], [ 456860.556382213137113, 6717146.440058491192758 ], [ 456861.25603240536293, 6717147.139706012792885 ], [ 456861.606382213125471, 6717147.140058491379023 ], [ 456862.306032405409496, 6717147.83970601297915 ], [ 456863.006382213148754, 6717147.840058490633965 ], [ 456863.356032405397855, 6717148.189706012606621 ], [ 456864.056382213137113, 6717148.190058491192758 ], [ 456864.75673202087637, 6717149.940410968847573 ], [ 456864.75673202087637, 6717150.290410969406366 ], [ 456864.056732020864729, 6717150.990410968661308 ], [ 456864.056732020864729, 6717151.340410969220102 ], [ 456863.356732020853087, 6717152.040410969406366 ], [ 456863.356732020853087, 6717152.390410969033837 ], [ 456862.656732020841446, 6717153.090410969220102 ], [ 456862.656732020841446, 6717153.440410968847573 ], [ 456861.956732020888012, 6717154.140410969033837 ], [ 456861.956732020888012, 6717154.490410968661308 ], [ 456860.906032405386213, 6717155.539706013165414 ], [ 456860.556382213137113, 6717155.190058491192758 ], [ 456858.806382213137113, 6717155.190058491192758 ], [ 456858.806732020864729, 6717156.590410969220102 ], [ 456858.106732020853087, 6717157.290410969406366 ], [ 456858.106732020853087, 6717157.640410969033837 ], [ 456857.406732020841446, 6717158.340410969220102 ], [ 456857.406732020841446, 6717158.690410968847573 ], [ 456856.706732020888012, 6717159.390410969033837 ], [ 456856.706732020888012, 6717159.740410968661308 ], [ 456856.00673202087637, 6717160.440410968847573 ], [ 456856.00673202087637, 6717160.790410969406366 ], [ 456855.306732020864729, 6717161.490410968661308 ], [ 456855.306732020864729, 6717161.840410969220102 ], [ 456854.606732020853087, 6717162.540410969406366 ], [ 456854.606732020853087, 6717162.890410969033837 ], [ 456853.906732020841446, 6717163.590410969220102 ], [ 456853.906732020841446, 6717163.940410968847573 ], [ 456852.856032405397855, 6717164.989706013351679 ], [ 456852.506382213148754, 6717164.640058491379023 ], [ 456851.806032405409496, 6717164.639706012792885 ], [ 456851.456382213102188, 6717164.290058490820229 ], [ 456851.106382213125471, 6717164.290058490820229 ], [ 456850.406382213113829, 6717163.590058490633965 ], [ 456850.056382213137113, 6717163.590058490633965 ], [ 456849.356382213125471, 6717162.890058491379023 ], [ 456849.006382213148754, 6717162.890058491379023 ], [ 456848.306382213137113, 6717162.190058491192758 ], [ 456847.956382213102188, 6717162.190058491192758 ], [ 456847.256382213148754, 6717161.490058491006494 ], [ 456846.906382213113829, 6717161.490058491006494 ], [ 456845.856382213125471, 6717160.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456879.806734691141173, 6717160.440410968847573 ], [ 456879.10602973512141, 6717160.439706012606621 ], [ 456877.706382213102188, 6717159.040058490820229 ], [ 456877.35602973512141, 6717159.039706013165414 ], [ 456875.956382213102188, 6717157.640058491379023 ], [ 456874.906382213113829, 6717157.640058491379023 ], [ 456872.456732020888012, 6717153.790410969406366 ], [ 456872.456732020888012, 6717153.440410968847573 ], [ 456872.806732020864729, 6717153.090410969220102 ], [ 456872.806732020864729, 6717152.740410968661308 ], [ 456875.60602973512141, 6717150.289706013165414 ], [ 456876.306382213137113, 6717150.290058490820229 ], [ 456877.006029735086486, 6717150.989706013351679 ], [ 456877.356382213125471, 6717150.990058491006494 ], [ 456878.756029735086486, 6717152.389706012792885 ], [ 456879.106382213125471, 6717152.390058491379023 ], [ 456880.506029735086486, 6717153.789706013165414 ], [ 456880.856382213125471, 6717153.790058490820229 ], [ 456882.256029735086486, 6717155.189706012606621 ], [ 456882.606382213125471, 6717155.190058491192758 ], [ 456882.956734691164456, 6717156.240410968661308 ], [ 456882.606734691129532, 6717156.590410969220102 ], [ 456882.606734691129532, 6717156.940410968847573 ], [ 456881.556734691141173, 6717157.990410968661308 ], [ 456881.556734691141173, 6717158.340410969220102 ], [ 456880.506734691152815, 6717159.390410969033837 ], [ 456880.506734691152815, 6717159.740410968661308 ], [ 456879.806734691141173, 6717160.440410968847573 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456872.456732020888012, 6717153.790410969406366 ], [ 456870.706032405374572, 6717154.139706012792885 ], [ 456870.356382213125471, 6717153.790058490820229 ], [ 456870.00603240536293, 6717153.789706013165414 ], [ 456867.556382213137113, 6717151.340058490633965 ], [ 456867.206382213102188, 6717151.340058490633965 ], [ 456865.806382213137113, 6717149.940058491192758 ], [ 456864.75673202087637, 6717149.940410968847573 ], [ 456864.056382213137113, 6717148.190058491192758 ], [ 456864.056732020864729, 6717147.840410969220102 ], [ 456864.406382213113829, 6717147.490058491006494 ], [ 456864.406382213113829, 6717147.140058491379023 ], [ 456866.50603240536293, 6717145.039706013165414 ], [ 456866.506382213148754, 6717143.990058491006494 ], [ 456868.606382213125471, 6717142.590058490633965 ], [ 456868.606732020853087, 6717142.240410968661308 ], [ 456871.406382213113829, 6717140.140058491379023 ], [ 456871.756382213148754, 6717140.140058491379023 ], [ 456873.156032405386213, 6717141.539706013165414 ], [ 456873.506382213148754, 6717141.540058490820229 ], [ 456876.656029735109769, 6717144.689706012606621 ], [ 456877.006382213148754, 6717144.690058491192758 ], [ 456878.056734691141173, 6717146.440410968847573 ], [ 456876.306734691141173, 6717148.190410968847573 ], [ 456876.306734691141173, 6717148.540410969406366 ], [ 456875.956734691164456, 6717148.890410969033837 ], [ 456875.956029735098127, 6717149.239706013351679 ], [ 456875.606382213125471, 6717149.590058490633965 ], [ 456875.60602973512141, 6717150.289706013165414 ], [ 456872.806732020864729, 6717152.740410968661308 ], [ 456872.806732020864729, 6717153.090410969220102 ], [ 456872.456732020888012, 6717153.440410968847573 ], [ 456872.456732020888012, 6717153.790410969406366 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456890.656029735109769, 6717148.539706013165414 ], [ 456890.656382213113829, 6717147.490058491006494 ], [ 456898.706382213102188, 6717140.490058491006494 ], [ 456898.706734691164456, 6717140.140410969033837 ], [ 456899.056382213137113, 6717139.790058490820229 ], [ 456899.056382213137113, 6717139.440058491192758 ], [ 456901.506382213148754, 6717138.390058491379023 ], [ 456901.856382213125471, 6717138.390058491379023 ], [ 456907.106734691129532, 6717144.690410968847573 ], [ 456893.10602973512141, 6717157.639706012792885 ], [ 456892.756382213148754, 6717157.290058490820229 ], [ 456892.406029735109769, 6717157.289706013165414 ], [ 456887.506734691152815, 6717152.040410969406366 ], [ 456887.856382213125471, 6717151.690058491192758 ], [ 456887.856382213125471, 6717151.340058490633965 ], [ 456890.656029735109769, 6717148.539706013165414 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456898.706382213102188, 6717140.490058491006494 ], [ 456890.656382213113829, 6717147.490058491006494 ], [ 456886.806734691141173, 6717142.940410968847573 ], [ 456887.156382213113829, 6717142.590058490633965 ], [ 456887.156382213113829, 6717142.240058491006494 ], [ 456894.506382213148754, 6717135.240058491006494 ], [ 456894.85602973512141, 6717135.58970601297915 ], [ 456895.206382213102188, 6717135.590058490633965 ], [ 456898.706382213102188, 6717139.440058491192758 ], [ 456899.056382213137113, 6717139.440058491192758 ], [ 456899.056382213137113, 6717139.790058490820229 ], [ 456898.706734691164456, 6717140.140410969033837 ], [ 456898.706382213102188, 6717140.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.606382213125471, 6717142.590058490633965 ], [ 456866.506382213148754, 6717143.990058491006494 ], [ 456866.156382213113829, 6717143.640058491379023 ], [ 456865.806032405409496, 6717143.639706012792885 ], [ 456863.356382213125471, 6717141.190058491192758 ], [ 456863.006382213148754, 6717141.190058491192758 ], [ 456860.206732020888012, 6717138.040410969406366 ], [ 456860.556382213137113, 6717137.690058491192758 ], [ 456860.556382213137113, 6717137.340058490633965 ], [ 456861.956032405374572, 6717135.939706012606621 ], [ 456861.956732020888012, 6717135.240410968661308 ], [ 456862.306732020864729, 6717134.890410969033837 ], [ 456862.306032405409496, 6717134.539706013165414 ], [ 456870.706382213102188, 6717126.140058491379023 ], [ 456871.756382213148754, 6717126.140058491379023 ], [ 456874.556382213137113, 6717128.940058491192758 ], [ 456874.906382213113829, 6717128.940058491192758 ], [ 456877.706734691164456, 6717132.440410968847573 ], [ 456875.256734691152815, 6717134.890410969033837 ], [ 456875.256734691152815, 6717135.240410968661308 ], [ 456871.75673202087637, 6717138.740410968661308 ], [ 456871.75603240536293, 6717139.08970601297915 ], [ 456871.406382213113829, 6717139.440058491192758 ], [ 456871.406382213113829, 6717140.140058491379023 ], [ 456868.606732020853087, 6717142.240410968661308 ], [ 456868.606382213125471, 6717142.590058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456899.056382213137113, 6717139.440058491192758 ], [ 456898.706382213102188, 6717139.440058491192758 ], [ 456895.206382213102188, 6717135.590058490633965 ], [ 456894.85602973512141, 6717135.58970601297915 ], [ 456894.506382213148754, 6717135.240058491006494 ], [ 456893.456734691164456, 6717133.140410969033837 ], [ 456893.806382213137113, 6717132.790058490820229 ], [ 456893.806382213137113, 6717132.440058491192758 ], [ 456897.306382213137113, 6717129.640058491379023 ], [ 456902.906734691176098, 6717136.290410969406366 ], [ 456901.856734691129532, 6717137.340410969220102 ], [ 456901.85602973512141, 6717137.689706012606621 ], [ 456901.506734691152815, 6717138.040410969406366 ], [ 456901.506382213148754, 6717138.390058491379023 ], [ 456899.056382213137113, 6717139.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456969.406382213113829, 6717139.090058490633965 ], [ 456968.356382213125471, 6717138.040058490820229 ], [ 456968.35602973512141, 6717137.33970601297915 ], [ 456968.356382213125471, 6717136.640058491379023 ], [ 456968.356734691129532, 6717136.290410969406366 ], [ 456969.056382213137113, 6717135.590058490633965 ], [ 456969.056734691141173, 6717135.240410968661308 ], [ 456969.756382213148754, 6717134.540058490820229 ], [ 456969.756734691152815, 6717134.190410968847573 ], [ 456970.106382213125471, 6717133.840058490633965 ], [ 456970.106734691129532, 6717133.490410968661308 ], [ 456970.806382213137113, 6717132.790058490820229 ], [ 456970.806734691141173, 6717132.440410968847573 ], [ 456971.506382213148754, 6717131.740058491006494 ], [ 456971.506734691152815, 6717131.390410969033837 ], [ 456972.556382213137113, 6717130.340058490633965 ], [ 456972.556029735074844, 6717129.289706013165414 ], [ 456973.606382213125471, 6717128.240058491006494 ], [ 456973.606382213125471, 6717127.890058491379023 ], [ 456973.956382213102188, 6717127.540058490820229 ], [ 456973.956382213102188, 6717127.190058491192758 ], [ 456974.306382213137113, 6717126.840058490633965 ], [ 456974.306382213137113, 6717126.490058491006494 ], [ 456975.006382213148754, 6717125.790058490820229 ], [ 456975.006382213148754, 6717125.440058491192758 ], [ 456975.356382213125471, 6717125.090058490633965 ], [ 456975.356382213125471, 6717124.740058491006494 ], [ 456975.706382213102188, 6717124.390058491379023 ], [ 456975.706382213102188, 6717124.040058490820229 ], [ 456976.056382213137113, 6717123.690058491192758 ], [ 456976.056382213137113, 6717123.340058490633965 ], [ 456976.756382213148754, 6717122.640058491379023 ], [ 456976.756382213148754, 6717122.290058490820229 ], [ 456977.106382213125471, 6717121.940058491192758 ], [ 456977.106382213125471, 6717121.590058490633965 ], [ 456977.456382213102188, 6717121.240058491006494 ], [ 456977.456382213102188, 6717120.890058491379023 ], [ 456978.856382213125471, 6717120.190058491192758 ], [ 456979.556029735074844, 6717120.889706012792885 ], [ 456979.906382213113829, 6717120.890058491379023 ], [ 456980.256029735086486, 6717121.239706013351679 ], [ 456980.606382213125471, 6717121.240058491006494 ], [ 456980.956029735098127, 6717121.58970601297915 ], [ 456981.306382213137113, 6717121.590058490633965 ], [ 456982.006029735086486, 6717122.289706013165414 ], [ 456982.356382213125471, 6717122.290058490820229 ], [ 456982.706029735098127, 6717122.639706012792885 ], [ 456983.056382213137113, 6717122.640058491379023 ], [ 456983.756029735086486, 6717123.33970601297915 ], [ 456984.106382213125471, 6717123.340058490633965 ], [ 456984.456029735098127, 6717123.689706012606621 ], [ 456984.806382213137113, 6717123.690058491192758 ], [ 456985.506029735086486, 6717124.389706012792885 ], [ 456985.856382213125471, 6717124.390058491379023 ], [ 456986.206029735098127, 6717124.739706013351679 ], [ 456986.556382213137113, 6717124.740058491006494 ], [ 456986.906029735109769, 6717125.08970601297915 ], [ 456987.256382213148754, 6717125.090058490633965 ], [ 456987.956029735098127, 6717125.789706013165414 ], [ 456988.306382213137113, 6717125.790058490820229 ], [ 456988.656029735109769, 6717126.139706012792885 ], [ 456989.006382213148754, 6717126.140058491379023 ], [ 456989.706029735098127, 6717126.83970601297915 ], [ 456990.056382213137113, 6717126.840058490633965 ], [ 456990.406029735109769, 6717127.189706012606621 ], [ 456990.756382213148754, 6717127.190058491192758 ], [ 456991.456029735098127, 6717127.889706012792885 ], [ 456991.806382213137113, 6717127.890058491379023 ], [ 456992.156029735109769, 6717128.239706013351679 ], [ 456992.506382213148754, 6717128.240058491006494 ], [ 456992.85602973512141, 6717128.58970601297915 ], [ 456993.206382213102188, 6717128.590058490633965 ], [ 456993.906734691176098, 6717129.640410969033837 ], [ 456993.556734691141173, 6717129.990410968661308 ], [ 456993.556734691141173, 6717130.690410968847573 ], [ 456993.206734691164456, 6717131.040410969406366 ], [ 456993.206734691164456, 6717131.390410969033837 ], [ 456992.506734691152815, 6717132.090410969220102 ], [ 456992.506734691152815, 6717132.440410968847573 ], [ 456992.156734691176098, 6717132.790410969406366 ], [ 456992.156734691176098, 6717133.140410969033837 ], [ 456991.456734691164456, 6717133.840410969220102 ], [ 456991.456734691164456, 6717134.190410968847573 ], [ 456991.106734691129532, 6717134.540410969406366 ], [ 456991.106734691129532, 6717134.890410969033837 ], [ 456990.756734691152815, 6717135.240410968661308 ], [ 456990.756734691152815, 6717135.590410969220102 ], [ 456990.056734691141173, 6717136.290410969406366 ], [ 456990.056734691141173, 6717136.640410969033837 ], [ 456989.706734691164456, 6717136.990410968661308 ], [ 456989.706734691164456, 6717137.340410969220102 ], [ 456989.356734691129532, 6717137.690410968847573 ], [ 456989.356734691129532, 6717138.040410969406366 ], [ 456988.656734691176098, 6717138.740410968661308 ], [ 456988.656734691176098, 6717139.090410969220102 ], [ 456988.306734691141173, 6717139.440410968847573 ], [ 456988.306734691141173, 6717139.790410969406366 ], [ 456987.956734691164456, 6717140.140410969033837 ], [ 456987.956734691164456, 6717140.490410968661308 ], [ 456987.256734691152815, 6717141.190410968847573 ], [ 456987.256734691152815, 6717141.540410969406366 ], [ 456986.906734691176098, 6717141.890410969033837 ], [ 456986.906734691176098, 6717142.240410968661308 ], [ 456986.206734691164456, 6717142.940410968847573 ], [ 456986.206734691164456, 6717143.290410969406366 ], [ 456985.856734691129532, 6717143.640410969033837 ], [ 456985.856734691129532, 6717143.990410968661308 ], [ 456985.506734691152815, 6717144.340410969220102 ], [ 456985.506734691152815, 6717144.690410968847573 ], [ 456984.806734691141173, 6717145.390410969033837 ], [ 456984.806734691141173, 6717145.740410968661308 ], [ 456984.456734691164456, 6717146.090410969220102 ], [ 456984.456734691164456, 6717146.440410968847573 ], [ 456983.056029735074844, 6717147.139706012792885 ], [ 456982.706382213102188, 6717146.790058490820229 ], [ 456982.356382213125471, 6717146.790058490820229 ], [ 456982.006382213148754, 6717146.440058491192758 ], [ 456981.656382213113829, 6717146.440058491192758 ], [ 456980.956382213102188, 6717145.740058491006494 ], [ 456980.606382213125471, 6717145.740058491006494 ], [ 456980.256382213148754, 6717145.390058491379023 ], [ 456979.906382213113829, 6717145.390058491379023 ], [ 456979.206382213102188, 6717144.690058491192758 ], [ 456978.856382213125471, 6717144.690058491192758 ], [ 456978.506382213148754, 6717144.340058490633965 ], [ 456978.156382213113829, 6717144.340058490633965 ], [ 456977.456382213102188, 6717143.640058491379023 ], [ 456977.106382213125471, 6717143.640058491379023 ], [ 456976.756382213148754, 6717143.290058490820229 ], [ 456976.406382213113829, 6717143.290058490820229 ], [ 456975.706382213102188, 6717142.590058490633965 ], [ 456975.356382213125471, 6717142.590058490633965 ], [ 456975.006382213148754, 6717142.240058491006494 ], [ 456974.656382213113829, 6717142.240058491006494 ], [ 456973.956382213102188, 6717141.540058490820229 ], [ 456973.606382213125471, 6717141.540058490820229 ], [ 456973.256382213148754, 6717141.190058491192758 ], [ 456972.906382213113829, 6717141.190058491192758 ], [ 456972.206382213102188, 6717140.490058491006494 ], [ 456971.856382213125471, 6717140.490058491006494 ], [ 456971.506382213148754, 6717140.140058491379023 ], [ 456971.156382213113829, 6717140.140058491379023 ], [ 456970.456382213102188, 6717139.440058491192758 ], [ 456970.106382213125471, 6717139.440058491192758 ], [ 456969.756382213148754, 6717139.090058490633965 ], [ 456969.406382213113829, 6717139.090058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.756029735086486, 6717139.08970601297915 ], [ 456955.756382213148754, 6717137.690058491192758 ], [ 456956.806382213137113, 6717136.640058491379023 ], [ 456956.806734691141173, 6717136.290410969406366 ], [ 456957.856382213125471, 6717135.240058491006494 ], [ 456957.856734691129532, 6717134.890410969033837 ], [ 456958.906734691176098, 6717133.840410969220102 ], [ 456959.956382213102188, 6717133.840058490633965 ], [ 456960.306029735074844, 6717134.189706012606621 ], [ 456960.656382213113829, 6717134.190058491192758 ], [ 456961.706029735098127, 6717135.239706013351679 ], [ 456962.056382213137113, 6717135.240058491006494 ], [ 456963.456734691164456, 6717137.340410969220102 ], [ 456962.756734691152815, 6717138.040410969406366 ], [ 456962.756734691152815, 6717138.390410969033837 ], [ 456962.056734691141173, 6717139.090410969220102 ], [ 456962.056734691141173, 6717139.440410968847573 ], [ 456961.356734691129532, 6717140.140410969033837 ], [ 456961.356734691129532, 6717140.490410968661308 ], [ 456960.656734691176098, 6717141.190410968847573 ], [ 456960.656734691176098, 6717141.540410969406366 ], [ 456959.956734691164456, 6717142.240410968661308 ], [ 456959.956734691164456, 6717142.590410969220102 ], [ 456958.556029735074844, 6717143.639706012792885 ], [ 456958.206382213102188, 6717143.290058490820229 ], [ 456957.506382213148754, 6717143.290058490820229 ], [ 456956.806382213137113, 6717142.590058490633965 ], [ 456956.456382213102188, 6717142.590058490633965 ], [ 456956.106382213125471, 6717142.240058491006494 ], [ 456955.756382213148754, 6717142.240058491006494 ], [ 456954.706734691164456, 6717140.840410969220102 ], [ 456955.056382213137113, 6717140.490058491006494 ], [ 456955.056382213137113, 6717140.140058491379023 ], [ 456955.406382213113829, 6717139.790058490820229 ], [ 456955.406382213113829, 6717139.440058491192758 ], [ 456955.756029735086486, 6717139.08970601297915 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456955.756382213148754, 6717137.690058491192758 ], [ 456954.706029735098127, 6717137.689706012606621 ], [ 456954.356382213125471, 6717137.340058490633965 ], [ 456953.656382213113829, 6717137.340058490633965 ], [ 456952.956382213102188, 6717136.640058491379023 ], [ 456952.606382213125471, 6717136.640058491379023 ], [ 456951.906382213113829, 6717135.940058491192758 ], [ 456951.556382213137113, 6717135.940058491192758 ], [ 456950.856382213125471, 6717135.240058491006494 ], [ 456950.506382213148754, 6717135.240058491006494 ], [ 456949.806382213137113, 6717134.540058490820229 ], [ 456949.456382213102188, 6717134.540058490820229 ], [ 456948.756382213148754, 6717133.840058490633965 ], [ 456948.406382213113829, 6717133.840058490633965 ], [ 456948.406734691176098, 6717133.140410969033837 ], [ 456948.756382213148754, 6717132.790058490820229 ], [ 456948.756734691152815, 6717132.440410968847573 ], [ 456949.106382213125471, 6717132.090058490633965 ], [ 456949.106734691129532, 6717131.740410968661308 ], [ 456949.806382213137113, 6717131.040058490820229 ], [ 456949.806734691141173, 6717130.690410968847573 ], [ 456950.506382213148754, 6717129.990058491006494 ], [ 456950.506734691152815, 6717129.640410969033837 ], [ 456951.206382213102188, 6717128.940058491192758 ], [ 456951.206734691164456, 6717128.590410969220102 ], [ 456951.906382213113829, 6717127.890058491379023 ], [ 456951.906734691176098, 6717127.540410969406366 ], [ 456952.606382213125471, 6717126.840058490633965 ], [ 456952.606734691129532, 6717126.490410968661308 ], [ 456953.656382213113829, 6717125.440058491192758 ], [ 456953.656734691176098, 6717125.090410969220102 ], [ 456954.356382213125471, 6717124.390058491379023 ], [ 456954.356734691129532, 6717124.040410969406366 ], [ 456955.056382213137113, 6717123.340058490633965 ], [ 456955.056734691141173, 6717122.990410968661308 ], [ 456955.756382213148754, 6717122.290058490820229 ], [ 456955.756734691152815, 6717121.940410968847573 ], [ 456956.456382213102188, 6717121.240058491006494 ], [ 456956.456734691164456, 6717120.890410969033837 ], [ 456957.856382213125471, 6717119.840058490633965 ], [ 456958.206029735098127, 6717120.189706012606621 ], [ 456958.556382213137113, 6717120.190058491192758 ], [ 456959.256029735086486, 6717120.889706012792885 ], [ 456959.606382213125471, 6717120.890058491379023 ], [ 456960.306029735074844, 6717121.58970601297915 ], [ 456960.656382213113829, 6717121.590058490633965 ], [ 456961.706029735098127, 6717122.639706012792885 ], [ 456962.056382213137113, 6717122.640058491379023 ], [ 456962.756029735086486, 6717123.33970601297915 ], [ 456963.106382213125471, 6717123.340058490633965 ], [ 456964.156029735109769, 6717124.389706012792885 ], [ 456964.506382213148754, 6717124.390058491379023 ], [ 456964.506382213148754, 6717124.740058491006494 ], [ 456964.156734691176098, 6717125.090410969220102 ], [ 456964.156382213113829, 6717125.440058491192758 ], [ 456963.806382213137113, 6717125.790058490820229 ], [ 456963.806734691141173, 6717126.140410969033837 ], [ 456963.106382213125471, 6717126.840058490633965 ], [ 456963.106734691129532, 6717127.190410968847573 ], [ 456962.406382213113829, 6717127.890058491379023 ], [ 456962.406734691176098, 6717128.240410968661308 ], [ 456961.706382213102188, 6717128.940058491192758 ], [ 456961.706734691164456, 6717129.290410969406366 ], [ 456961.006382213148754, 6717129.990058491006494 ], [ 456961.006734691152815, 6717130.340410969220102 ], [ 456960.656734691176098, 6717130.690410968847573 ], [ 456960.656734691176098, 6717131.390410969033837 ], [ 456959.256734691152815, 6717131.740410968661308 ], [ 456959.256029735086486, 6717132.439706012606621 ], [ 456958.906382213113829, 6717132.790058490820229 ], [ 456958.906734691176098, 6717133.840410969220102 ], [ 456957.856734691129532, 6717134.890410969033837 ], [ 456957.856382213125471, 6717135.240058491006494 ], [ 456956.806734691141173, 6717136.290410969406366 ], [ 456956.806382213137113, 6717136.640058491379023 ], [ 456955.756382213148754, 6717137.690058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456968.356382213125471, 6717136.640058491379023 ], [ 456967.656382213113829, 6717136.640058491379023 ], [ 456967.306382213137113, 6717135.940058491192758 ], [ 456966.956029735098127, 6717135.939706012606621 ], [ 456966.606382213125471, 6717135.590058490633965 ], [ 456966.256382213148754, 6717135.590058490633965 ], [ 456965.556382213137113, 6717134.890058491379023 ], [ 456965.206382213102188, 6717134.890058491379023 ], [ 456964.506382213148754, 6717134.190058491192758 ], [ 456964.156382213113829, 6717134.190058491192758 ], [ 456963.456382213102188, 6717133.490058491006494 ], [ 456963.106382213125471, 6717133.490058491006494 ], [ 456962.406382213113829, 6717132.790058490820229 ], [ 456962.056382213137113, 6717132.790058490820229 ], [ 456960.656734691176098, 6717131.390410969033837 ], [ 456960.656734691176098, 6717130.690410968847573 ], [ 456961.006734691152815, 6717130.340410969220102 ], [ 456961.006382213148754, 6717129.990058491006494 ], [ 456961.706734691164456, 6717129.290410969406366 ], [ 456961.706382213102188, 6717128.940058491192758 ], [ 456962.406734691176098, 6717128.240410968661308 ], [ 456962.406382213113829, 6717127.890058491379023 ], [ 456963.106734691129532, 6717127.190410968847573 ], [ 456963.106382213125471, 6717126.840058490633965 ], [ 456963.806734691141173, 6717126.140410969033837 ], [ 456963.806382213137113, 6717125.790058490820229 ], [ 456964.156382213113829, 6717125.440058491192758 ], [ 456964.156734691176098, 6717125.090410969220102 ], [ 456964.506382213148754, 6717124.740058491006494 ], [ 456964.506382213148754, 6717124.390058491379023 ], [ 456965.556382213137113, 6717124.390058491379023 ], [ 456966.60602973512141, 6717125.439706012606621 ], [ 456966.956382213102188, 6717125.440058491192758 ], [ 456967.656029735109769, 6717126.139706012792885 ], [ 456968.006382213148754, 6717126.140058491379023 ], [ 456968.706029735098127, 6717126.83970601297915 ], [ 456969.406382213113829, 6717126.840058490633965 ], [ 456969.756029735086486, 6717127.189706012606621 ], [ 456970.106382213125471, 6717127.190058491192758 ], [ 456971.156029735109769, 6717128.58970601297915 ], [ 456971.506382213148754, 6717128.590058490633965 ], [ 456971.856382213125471, 6717128.940058491192758 ], [ 456972.206382213102188, 6717128.940058491192758 ], [ 456972.556029735074844, 6717129.289706013165414 ], [ 456972.556382213137113, 6717130.340058490633965 ], [ 456971.506734691152815, 6717131.390410969033837 ], [ 456971.506382213148754, 6717131.740058491006494 ], [ 456970.806734691141173, 6717132.440410968847573 ], [ 456970.806382213137113, 6717132.790058490820229 ], [ 456970.106734691129532, 6717133.490410968661308 ], [ 456970.106382213125471, 6717133.840058490633965 ], [ 456969.756734691152815, 6717134.190410968847573 ], [ 456969.756382213148754, 6717134.540058490820229 ], [ 456969.056734691141173, 6717135.240410968661308 ], [ 456969.056382213137113, 6717135.590058490633965 ], [ 456968.356734691129532, 6717136.290410969406366 ], [ 456968.356382213125471, 6717136.640058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456862.306032405409496, 6717134.539706013165414 ], [ 456861.606032405397855, 6717134.539706013165414 ], [ 456861.256382213148754, 6717134.190058491192758 ], [ 456860.906032405386213, 6717134.189706012606621 ], [ 456856.356732020853087, 6717129.290410969406366 ], [ 456856.706382213102188, 6717128.940058491192758 ], [ 456856.706382213102188, 6717128.590058490633965 ], [ 456857.056032405409496, 6717128.239706013351679 ], [ 456857.056032405409496, 6717126.83970601297915 ], [ 456857.406382213113829, 6717126.840058490633965 ], [ 456861.606032405397855, 6717123.689706012606621 ], [ 456861.606732020853087, 6717123.340410969220102 ], [ 456861.606732020853087, 6717122.990410968661308 ], [ 456861.956382213102188, 6717122.990058491006494 ], [ 456861.956382213102188, 6717122.640058491379023 ], [ 456862.306382213137113, 6717122.640058491379023 ], [ 456862.306732020864729, 6717122.290410969406366 ], [ 456862.656382213113829, 6717122.290058490820229 ], [ 456862.656732020841446, 6717121.940410968847573 ], [ 456865.806382213137113, 6717120.190058491192758 ], [ 456870.706382213102188, 6717126.140058491379023 ], [ 456862.306032405409496, 6717134.539706013165414 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456948.406382213113829, 6717133.840058490633965 ], [ 456946.306029735074844, 6717134.539706013165414 ], [ 456945.956382213102188, 6717134.190058491192758 ], [ 456945.606382213125471, 6717134.190058491192758 ], [ 456944.906382213113829, 6717133.490058491006494 ], [ 456944.556382213137113, 6717133.490058491006494 ], [ 456943.856382213125471, 6717132.790058490820229 ], [ 456943.506382213148754, 6717132.790058490820229 ], [ 456942.806382213137113, 6717132.090058490633965 ], [ 456942.456382213102188, 6717132.090058490633965 ], [ 456941.756382213148754, 6717131.390058491379023 ], [ 456941.406382213113829, 6717131.390058491379023 ], [ 456940.706382213102188, 6717130.690058491192758 ], [ 456940.356382213125471, 6717130.690058491192758 ], [ 456939.656382213113829, 6717129.990058491006494 ], [ 456939.306382213137113, 6717129.990058491006494 ], [ 456938.256734691152815, 6717128.590410969220102 ], [ 456938.606382213125471, 6717128.240058491006494 ], [ 456938.606734691129532, 6717127.190410968847573 ], [ 456939.306382213137113, 6717126.840058490633965 ], [ 456939.306734691141173, 6717126.140410969033837 ], [ 456940.006382213148754, 6717125.790058490820229 ], [ 456940.006734691152815, 6717125.090410969220102 ], [ 456940.006382213148754, 6717124.740058491006494 ], [ 456941.056382213137113, 6717124.390058491379023 ], [ 456941.056734691141173, 6717123.690410968847573 ], [ 456941.756382213148754, 6717123.340058490633965 ], [ 456941.756734691152815, 6717122.640410969033837 ], [ 456941.756734691152815, 6717122.290410969406366 ], [ 456942.456029735098127, 6717121.939706012606621 ], [ 456942.456734691164456, 6717121.590410969220102 ], [ 456942.456734691164456, 6717121.240410968661308 ], [ 456943.156029735109769, 6717120.889706012792885 ], [ 456943.156734691176098, 6717120.540410969406366 ], [ 456943.156382213113829, 6717120.190058491192758 ], [ 456943.506382213148754, 6717120.190058491192758 ], [ 456943.506734691152815, 6717119.840410969220102 ], [ 456944.206029735098127, 6717119.489706013351679 ], [ 456944.206734691164456, 6717119.140410969033837 ], [ 456944.906382213113829, 6717118.790058490820229 ], [ 456944.906382213113829, 6717118.440058491192758 ], [ 456945.606382213125471, 6717117.740058491006494 ], [ 456945.606382213125471, 6717117.390058491379023 ], [ 456946.306382213137113, 6717116.690058491192758 ], [ 456946.306382213137113, 6717116.340058490633965 ], [ 456947.356382213125471, 6717115.290058490820229 ], [ 456947.356382213125471, 6717114.940058491192758 ], [ 456948.056382213137113, 6717114.240058491006494 ], [ 456948.056382213137113, 6717113.890058491379023 ], [ 456948.756382213148754, 6717113.190058491192758 ], [ 456948.756382213148754, 6717112.840058490633965 ], [ 456950.156382213113829, 6717112.140058491379023 ], [ 456950.85602973512141, 6717112.83970601297915 ], [ 456951.206382213102188, 6717112.840058490633965 ], [ 456951.906029735109769, 6717113.539706013165414 ], [ 456952.256382213148754, 6717113.540058490820229 ], [ 456952.956029735098127, 6717114.239706013351679 ], [ 456953.306382213137113, 6717114.240058491006494 ], [ 456954.006029735086486, 6717114.939706012606621 ], [ 456954.356382213125471, 6717114.940058491192758 ], [ 456955.056029735074844, 6717115.639706012792885 ], [ 456955.406382213113829, 6717115.640058491379023 ], [ 456956.10602973512141, 6717116.33970601297915 ], [ 456956.456382213102188, 6717116.340058490633965 ], [ 456957.156029735109769, 6717117.039706013165414 ], [ 456957.506382213148754, 6717117.040058490820229 ], [ 456958.206734691164456, 6717118.440410968847573 ], [ 456957.856734691129532, 6717118.790410969406366 ], [ 456957.856382213125471, 6717119.840058490633965 ], [ 456956.456734691164456, 6717120.890410969033837 ], [ 456956.456382213102188, 6717121.240058491006494 ], [ 456955.756734691152815, 6717121.940410968847573 ], [ 456955.756382213148754, 6717122.290058490820229 ], [ 456955.056734691141173, 6717122.990410968661308 ], [ 456955.056382213137113, 6717123.340058490633965 ], [ 456954.356734691129532, 6717124.040410969406366 ], [ 456954.356382213125471, 6717124.390058491379023 ], [ 456953.656734691176098, 6717125.090410969220102 ], [ 456953.656382213113829, 6717125.440058491192758 ], [ 456952.606734691129532, 6717126.490410968661308 ], [ 456952.606382213125471, 6717126.840058490633965 ], [ 456951.906734691176098, 6717127.540410969406366 ], [ 456951.906382213113829, 6717127.890058491379023 ], [ 456951.206734691164456, 6717128.590410969220102 ], [ 456951.206382213102188, 6717128.940058491192758 ], [ 456950.506734691152815, 6717129.640410969033837 ], [ 456950.506382213148754, 6717129.990058491006494 ], [ 456949.806734691141173, 6717130.690410968847573 ], [ 456949.806382213137113, 6717131.040058490820229 ], [ 456949.106734691129532, 6717131.740410968661308 ], [ 456949.106382213125471, 6717132.090058490633965 ], [ 456948.756734691152815, 6717132.440410968847573 ], [ 456948.756382213148754, 6717132.790058490820229 ], [ 456948.406734691176098, 6717133.140410969033837 ], [ 456948.406382213113829, 6717133.840058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456847.25603240536293, 6717129.989706013351679 ], [ 456847.256382213148754, 6717128.940058491192758 ], [ 456851.106382213125471, 6717125.440058491192758 ], [ 456851.106732020853087, 6717125.090410969220102 ], [ 456851.806032405409496, 6717124.389706012792885 ], [ 456852.156382213113829, 6717124.390058491379023 ], [ 456852.506382213148754, 6717124.740058491006494 ], [ 456852.856382213125471, 6717124.740058491006494 ], [ 456853.206032405374572, 6717125.08970601297915 ], [ 456853.556382213137113, 6717125.090058490633965 ], [ 456855.306382213137113, 6717126.840058490633965 ], [ 456855.306732020864729, 6717127.540410969406366 ], [ 456854.606732020853087, 6717128.240410968661308 ], [ 456854.606732020853087, 6717128.590410969220102 ], [ 456852.50673202087637, 6717130.690410968847573 ], [ 456852.50673202087637, 6717131.040410969406366 ], [ 456850.75673202087637, 6717132.790410969406366 ], [ 456850.75673202087637, 6717133.140410969033837 ], [ 456849.706032405374572, 6717133.83970601297915 ], [ 456849.356382213125471, 6717133.490058491006494 ], [ 456849.00603240536293, 6717133.489706013351679 ], [ 456848.306382213137113, 6717132.790058490820229 ], [ 456847.956382213102188, 6717132.790058490820229 ], [ 456846.556732020864729, 6717131.040410969406366 ], [ 456846.906382213113829, 6717130.690058491192758 ], [ 456846.906382213113829, 6717130.340058490633965 ], [ 456847.25603240536293, 6717129.989706013351679 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456851.106382213125471, 6717125.440058491192758 ], [ 456847.256382213148754, 6717128.940058491192758 ], [ 456846.906382213113829, 6717128.590058490633965 ], [ 456846.556032405409496, 6717128.58970601297915 ], [ 456845.856382213125471, 6717127.890058491379023 ], [ 456845.506382213148754, 6717127.890058491379023 ], [ 456844.106732020853087, 6717126.140410969033837 ], [ 456844.456382213102188, 6717125.790058490820229 ], [ 456844.456382213102188, 6717125.440058491192758 ], [ 456849.006382213148754, 6717121.590058490633965 ], [ 456849.706382213102188, 6717122.290058490820229 ], [ 456850.056382213137113, 6717122.290058490820229 ], [ 456850.406382213113829, 6717122.640058491379023 ], [ 456851.106382213125471, 6717122.640058491379023 ], [ 456851.806032405409496, 6717124.389706012792885 ], [ 456851.106732020853087, 6717125.090410969220102 ], [ 456851.106382213125471, 6717125.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456970.106382213125471, 6717127.190058491192758 ], [ 456969.756029735086486, 6717127.189706012606621 ], [ 456969.406382213113829, 6717126.840058490633965 ], [ 456968.706029735098127, 6717126.83970601297915 ], [ 456968.006382213148754, 6717126.140058491379023 ], [ 456967.656029735109769, 6717126.139706012792885 ], [ 456966.956382213102188, 6717125.440058491192758 ], [ 456966.60602973512141, 6717125.439706012606621 ], [ 456965.556382213137113, 6717124.390058491379023 ], [ 456965.556734691141173, 6717124.040410969406366 ], [ 456965.906382213113829, 6717123.690058491192758 ], [ 456965.906382213113829, 6717123.340058490633965 ], [ 456966.606382213125471, 6717122.640058491379023 ], [ 456966.606382213125471, 6717122.290058490820229 ], [ 456967.306382213137113, 6717121.590058490633965 ], [ 456967.306382213137113, 6717121.240058491006494 ], [ 456969.406382213113829, 6717119.840058490633965 ], [ 456970.10602973512141, 6717120.539706013165414 ], [ 456970.456382213102188, 6717120.540058490820229 ], [ 456971.156029735109769, 6717121.239706013351679 ], [ 456971.506382213148754, 6717121.240058491006494 ], [ 456972.206029735098127, 6717121.939706012606621 ], [ 456972.556382213137113, 6717121.940058491192758 ], [ 456973.256734691152815, 6717123.340410969220102 ], [ 456972.206734691164456, 6717124.390410969033837 ], [ 456972.206734691164456, 6717124.740410968661308 ], [ 456971.506734691152815, 6717125.440410968847573 ], [ 456971.506734691152815, 6717125.790410969406366 ], [ 456970.106382213125471, 6717127.190058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456857.056032405409496, 6717126.83970601297915 ], [ 456855.306382213137113, 6717126.840058490633965 ], [ 456853.556382213137113, 6717125.090058490633965 ], [ 456853.206032405374572, 6717125.08970601297915 ], [ 456852.856382213125471, 6717124.740058491006494 ], [ 456852.506382213148754, 6717124.740058491006494 ], [ 456852.156382213113829, 6717124.390058491379023 ], [ 456851.806032405409496, 6717124.389706012792885 ], [ 456851.106382213125471, 6717122.640058491379023 ], [ 456851.456382213102188, 6717122.290058490820229 ], [ 456851.456732020888012, 6717121.590410969220102 ], [ 456853.206032405374572, 6717119.83970601297915 ], [ 456853.206732020888012, 6717119.490410968661308 ], [ 456855.306382213137113, 6717118.790058490820229 ], [ 456855.656032405386213, 6717119.139706012792885 ], [ 456856.00603240536293, 6717119.139706012792885 ], [ 456857.406032405386213, 6717120.539706013165414 ], [ 456857.756382213148754, 6717120.540058490820229 ], [ 456859.506382213148754, 6717122.290058490820229 ], [ 456859.50673202087637, 6717123.340410969220102 ], [ 456858.806732020864729, 6717124.040410969406366 ], [ 456858.806032405409496, 6717124.739706013351679 ], [ 456858.806382213137113, 6717125.090058490633965 ], [ 456857.406732020841446, 6717126.490410968661308 ], [ 456857.406382213113829, 6717126.840058490633965 ], [ 456857.056032405409496, 6717126.83970601297915 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457009.656724010012113, 6717124.740410968661308 ], [ 457009.306724009977188, 6717125.090410969220102 ], [ 457009.306724009977188, 6717125.790410969406366 ], [ 457008.956724010000471, 6717126.140410969033837 ], [ 457008.956724010000471, 6717126.490410968661308 ], [ 457008.606724010023754, 6717126.840410969220102 ], [ 457008.606724010023754, 6717127.190410968847573 ], [ 457008.256724009988829, 6717127.540410969406366 ], [ 457008.256724009988829, 6717127.890410969033837 ], [ 457007.906724010012113, 6717128.240410968661308 ], [ 457007.906724010012113, 6717128.590410969220102 ], [ 457007.556724009977188, 6717128.940410968847573 ], [ 457007.556724009977188, 6717129.290410969406366 ], [ 457007.206734691164456, 6717129.640410969033837 ], [ 457007.206734691164456, 6717129.990410968661308 ], [ 457006.856734691129532, 6717130.340410969220102 ], [ 457006.856734691129532, 6717130.690410968847573 ], [ 457006.156734691176098, 6717131.390410969033837 ], [ 457006.156734691176098, 6717131.740410968661308 ], [ 457005.806734691141173, 6717132.090410969220102 ], [ 457005.806734691141173, 6717132.440410968847573 ], [ 457005.456734691164456, 6717132.790410969406366 ], [ 457005.456734691164456, 6717133.140410969033837 ], [ 457005.106734691129532, 6717133.490410968661308 ], [ 457005.106734691129532, 6717133.840410969220102 ], [ 457004.756734691152815, 6717134.190410968847573 ], [ 457004.756734691152815, 6717134.540410969406366 ], [ 457004.406734691176098, 6717134.890410969033837 ], [ 457004.406734691176098, 6717135.240410968661308 ], [ 457004.056734691141173, 6717135.590410969220102 ], [ 457004.056734691141173, 6717135.940410968847573 ], [ 457003.706734691164456, 6717136.290410969406366 ], [ 457003.706734691164456, 6717136.640410969033837 ], [ 457003.356734691129532, 6717136.990410968661308 ], [ 457003.356734691129532, 6717137.340410969220102 ], [ 457002.656734691176098, 6717138.040410969406366 ], [ 457002.656734691176098, 6717138.390410969033837 ], [ 457002.306734691141173, 6717138.740410968661308 ], [ 457002.306734691141173, 6717139.090410969220102 ], [ 457001.956734691164456, 6717139.440410968847573 ], [ 457001.956734691164456, 6717139.790410969406366 ], [ 457001.606734691129532, 6717140.140410969033837 ], [ 457001.606734691129532, 6717140.490410968661308 ], [ 457001.256734691152815, 6717140.840410969220102 ], [ 457001.256734691152815, 6717141.190410968847573 ], [ 457000.906734691176098, 6717141.540410969406366 ], [ 457000.906734691176098, 6717141.890410969033837 ], [ 457000.556734691141173, 6717142.240410968661308 ], [ 457000.556734691141173, 6717142.590410969220102 ], [ 457000.206734691164456, 6717142.940410968847573 ], [ 457000.206734691164456, 6717143.290410969406366 ], [ 456998.456382213102188, 6717143.990058491006494 ], [ 456997.756382213148754, 6717143.290058490820229 ], [ 456997.406382213113829, 6717143.290058490820229 ], [ 456997.056382213137113, 6717142.940058491192758 ], [ 456996.706382213102188, 6717142.940058491192758 ], [ 456996.356382213125471, 6717142.590058490633965 ], [ 456996.006382213148754, 6717142.590058490633965 ], [ 456995.306382213137113, 6717141.890058491379023 ], [ 456994.956382213102188, 6717141.890058491379023 ], [ 456994.606382213125471, 6717141.540058490820229 ], [ 456994.256382213148754, 6717141.540058490820229 ], [ 456993.906382213113829, 6717141.190058491192758 ], [ 456993.556382213137113, 6717141.190058491192758 ], [ 456992.856382213125471, 6717140.490058491006494 ], [ 456992.506382213148754, 6717140.490058491006494 ], [ 456991.806382213137113, 6717139.090058490633965 ], [ 456992.156382213113829, 6717138.740058491006494 ], [ 456992.156382213113829, 6717138.390058491379023 ], [ 456992.506382213148754, 6717138.040058490820229 ], [ 456992.506382213148754, 6717137.690058491192758 ], [ 456992.856382213125471, 6717137.340058490633965 ], [ 456992.856382213125471, 6717136.990058491006494 ], [ 456993.206382213102188, 6717136.640058491379023 ], [ 456993.206382213102188, 6717136.290058490820229 ], [ 456993.556382213137113, 6717135.940058491192758 ], [ 456993.556382213137113, 6717135.590058490633965 ], [ 456993.906029735109769, 6717135.239706013351679 ], [ 456993.906734691176098, 6717134.890410969033837 ], [ 456994.606382213125471, 6717134.190058491192758 ], [ 456994.606382213125471, 6717133.840058490633965 ], [ 456994.956382213102188, 6717133.490058491006494 ], [ 456994.956382213102188, 6717133.140058491379023 ], [ 456995.306382213137113, 6717132.790058490820229 ], [ 456995.306382213137113, 6717132.440058491192758 ], [ 456995.656382213113829, 6717132.090058490633965 ], [ 456995.656382213113829, 6717131.740058491006494 ], [ 456996.006382213148754, 6717131.390058491379023 ], [ 456996.006382213148754, 6717131.040058490820229 ], [ 456996.356382213125471, 6717130.690058491192758 ], [ 456996.356382213125471, 6717130.340058490633965 ], [ 456997.056382213137113, 6717129.640058491379023 ], [ 456997.056382213137113, 6717129.290058490820229 ], [ 456997.406382213113829, 6717128.940058491192758 ], [ 456997.406382213113829, 6717128.590058490633965 ], [ 456997.756382213148754, 6717128.240058491006494 ], [ 456997.756382213148754, 6717127.890058491379023 ], [ 456998.106382213125471, 6717127.540058490820229 ], [ 456998.106382213125471, 6717127.190058491192758 ], [ 456998.456382213102188, 6717126.840058490633965 ], [ 456998.456382213102188, 6717126.490058491006494 ], [ 456998.806382213137113, 6717126.140058491379023 ], [ 456998.806382213137113, 6717125.790058490820229 ], [ 456999.156029735109769, 6717125.439706012606621 ], [ 456999.156734691176098, 6717125.090410969220102 ], [ 456999.856382213125471, 6717124.390058491379023 ], [ 456999.856382213125471, 6717124.040058490820229 ], [ 457000.206382213102188, 6717123.690058491192758 ], [ 457000.206382213102188, 6717123.340058490633965 ], [ 457000.556382213137113, 6717122.990058491006494 ], [ 457000.556382213137113, 6717122.640058491379023 ], [ 457000.906382213113829, 6717122.290058490820229 ], [ 457000.906382213113829, 6717121.940058491192758 ], [ 457001.256382213148754, 6717121.590058490633965 ], [ 457001.256382213148754, 6717121.240058491006494 ], [ 457002.656382213113829, 6717120.540058490820229 ], [ 457003.006029735086486, 6717120.889706012792885 ], [ 457003.356382213125471, 6717120.890058491379023 ], [ 457003.706029735098127, 6717121.239706013351679 ], [ 457004.056382213137113, 6717121.240058491006494 ], [ 457004.406029735109769, 6717121.58970601297915 ], [ 457004.756382213148754, 6717121.590058490633965 ], [ 457005.10602973512141, 6717121.939706012606621 ], [ 457005.456382213102188, 6717121.940058491192758 ], [ 457005.806382213137113, 6717122.290058490820229 ], [ 457006.156382213113829, 6717122.290058490820229 ], [ 457006.85602973512141, 6717122.989706013351679 ], [ 457007.206382213102188, 6717122.990058491006494 ], [ 457007.556029735074844, 6717123.33970601297915 ], [ 457007.906382213113829, 6717123.340058490633965 ], [ 457008.256040416250471, 6717123.689706012606621 ], [ 457008.606382213125471, 6717123.690058491192758 ], [ 457009.306040416238829, 6717124.389706012792885 ], [ 457009.656040416273754, 6717124.389706012792885 ], [ 457009.656724010012113, 6717124.740410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456929.856382213125471, 6717124.040058490820229 ], [ 456928.456734691164456, 6717125.090410969220102 ], [ 456928.456734691164456, 6717125.440410968847573 ], [ 456927.756734691152815, 6717126.140410969033837 ], [ 456927.756734691152815, 6717126.490410968661308 ], [ 456927.056734691141173, 6717127.190410968847573 ], [ 456927.056734691141173, 6717127.540410969406366 ], [ 456926.356734691129532, 6717128.240410968661308 ], [ 456926.356734691129532, 6717128.590410969220102 ], [ 456925.656734691176098, 6717129.290410969406366 ], [ 456925.656734691176098, 6717129.640410969033837 ], [ 456924.60602973512141, 6717130.689706012606621 ], [ 456924.256382213148754, 6717130.340058490633965 ], [ 456923.556029735074844, 6717130.33970601297915 ], [ 456923.206382213102188, 6717129.990058491006494 ], [ 456922.856382213125471, 6717129.990058491006494 ], [ 456922.156382213113829, 6717129.290058490820229 ], [ 456921.806382213137113, 6717129.290058490820229 ], [ 456920.756382213148754, 6717128.240058491006494 ], [ 456920.406382213113829, 6717128.240058491006494 ], [ 456919.706382213102188, 6717127.540058490820229 ], [ 456919.356382213125471, 6717127.540058490820229 ], [ 456918.306382213137113, 6717126.490058491006494 ], [ 456917.956382213102188, 6717126.490058491006494 ], [ 456917.256382213148754, 6717125.790058490820229 ], [ 456916.906382213113829, 6717125.790058490820229 ], [ 456916.206382213102188, 6717125.090058490633965 ], [ 456915.856382213125471, 6717125.090058490633965 ], [ 456915.506382213148754, 6717123.690058491192758 ], [ 456916.206382213102188, 6717122.990058491006494 ], [ 456916.206382213102188, 6717122.640058491379023 ], [ 456916.906382213113829, 6717121.940058491192758 ], [ 456916.906382213113829, 6717121.590058490633965 ], [ 456917.606382213125471, 6717120.890058491379023 ], [ 456917.606382213125471, 6717120.540058490820229 ], [ 456918.306382213137113, 6717119.840058490633965 ], [ 456918.306382213137113, 6717119.490058491006494 ], [ 456919.006382213148754, 6717118.790058490820229 ], [ 456919.006382213148754, 6717118.440058491192758 ], [ 456919.706382213102188, 6717117.740058491006494 ], [ 456919.706382213102188, 6717117.390058491379023 ], [ 456920.406382213113829, 6717116.690058491192758 ], [ 456920.406382213113829, 6717116.340058490633965 ], [ 456921.106382213125471, 6717115.640058491379023 ], [ 456921.106382213125471, 6717115.290058490820229 ], [ 456921.806382213137113, 6717114.590058490633965 ], [ 456921.806382213137113, 6717113.890058491379023 ], [ 456922.856382213125471, 6717113.190058491192758 ], [ 456922.856734691129532, 6717112.840410969220102 ], [ 456923.556382213137113, 6717112.140058491379023 ], [ 456923.556734691141173, 6717111.790410969406366 ], [ 456924.256382213148754, 6717111.090058490633965 ], [ 456924.256734691152815, 6717110.740410968661308 ], [ 456924.956382213102188, 6717110.040058490820229 ], [ 456924.956734691164456, 6717109.690410968847573 ], [ 456925.656382213113829, 6717108.990058491006494 ], [ 456925.656734691176098, 6717108.640410969033837 ], [ 456927.056382213137113, 6717107.590058490633965 ], [ 456927.406029735109769, 6717107.939706012606621 ], [ 456927.756382213148754, 6717107.940058491192758 ], [ 456928.456029735098127, 6717108.639706012792885 ], [ 456928.806382213137113, 6717108.640058491379023 ], [ 456929.506029735086486, 6717109.33970601297915 ], [ 456929.856382213125471, 6717109.340058490633965 ], [ 456930.556029735074844, 6717110.039706013165414 ], [ 456930.906382213113829, 6717110.040058490820229 ], [ 456931.60602973512141, 6717110.739706013351679 ], [ 456931.956382213102188, 6717110.740058491006494 ], [ 456932.656029735109769, 6717111.439706012606621 ], [ 456933.006382213148754, 6717111.440058491192758 ], [ 456933.706029735098127, 6717112.139706012792885 ], [ 456934.056382213137113, 6717112.140058491379023 ], [ 456934.756029735086486, 6717112.83970601297915 ], [ 456935.106382213125471, 6717112.840058490633965 ], [ 456935.456382213102188, 6717113.190058491192758 ], [ 456935.806382213137113, 6717113.190058491192758 ], [ 456936.156382213113829, 6717113.540058490820229 ], [ 456936.856382213125471, 6717113.540058490820229 ], [ 456936.856382213125471, 6717113.890058491379023 ], [ 456936.156734691176098, 6717114.240410968661308 ], [ 456936.156382213113829, 6717114.590058490633965 ], [ 456935.106734691129532, 6717115.640410969033837 ], [ 456935.106382213125471, 6717115.990058491006494 ], [ 456934.406734691176098, 6717116.690410968847573 ], [ 456934.406382213113829, 6717117.040058490820229 ], [ 456933.356734691129532, 6717118.090410969220102 ], [ 456933.356382213125471, 6717118.440058491192758 ], [ 456932.656734691176098, 6717119.140410969033837 ], [ 456932.656382213113829, 6717119.490058491006494 ], [ 456931.606734691129532, 6717120.540410969406366 ], [ 456931.606382213125471, 6717120.890058491379023 ], [ 456930.906734691176098, 6717121.590410969220102 ], [ 456930.906382213113829, 6717121.940058491192758 ], [ 456929.856734691129532, 6717122.990410968661308 ], [ 456929.856382213125471, 6717124.040058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456861.25603240536293, 6717122.639706012792885 ], [ 456860.906032405386213, 6717122.639706012792885 ], [ 456860.906732020841446, 6717122.290410969406366 ], [ 456859.506382213148754, 6717122.290058490820229 ], [ 456857.756382213148754, 6717120.540058490820229 ], [ 456857.406032405386213, 6717120.539706013165414 ], [ 456856.00603240536293, 6717119.139706012792885 ], [ 456855.656032405386213, 6717119.139706012792885 ], [ 456855.306382213137113, 6717118.790058490820229 ], [ 456855.306732020864729, 6717117.740410968661308 ], [ 456855.656382213113829, 6717117.390058491379023 ], [ 456855.656382213113829, 6717117.040058490820229 ], [ 456856.356382213125471, 6717116.340058490633965 ], [ 456856.356382213125471, 6717115.990058491006494 ], [ 456858.806032405409496, 6717113.539706013165414 ], [ 456858.806732020864729, 6717113.190410968847573 ], [ 456861.606382213125471, 6717110.390058491379023 ], [ 456861.606382213125471, 6717110.040058490820229 ], [ 456863.356382213125471, 6717108.990058491006494 ], [ 456864.406032405386213, 6717110.039706013165414 ], [ 456864.756382213148754, 6717110.040058490820229 ], [ 456867.206032405374572, 6717112.489706013351679 ], [ 456867.556382213137113, 6717112.490058491006494 ], [ 456868.25673202087637, 6717113.890410969033837 ], [ 456867.206732020888012, 6717114.940410968847573 ], [ 456867.206732020888012, 6717115.290410969406366 ], [ 456864.406732020841446, 6717118.090410969220102 ], [ 456864.406732020841446, 6717118.440410968847573 ], [ 456861.956732020888012, 6717120.890410969033837 ], [ 456861.956032405374572, 6717121.58970601297915 ], [ 456861.956032405374572, 6717121.939706012606621 ], [ 456861.606382213125471, 6717121.940058491192758 ], [ 456861.606382213125471, 6717122.290058490820229 ], [ 456861.256382213148754, 6717122.290058490820229 ], [ 456861.25603240536293, 6717122.639706012792885 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456922.856382213125471, 6717113.190058491192758 ], [ 456921.806382213137113, 6717113.890058491379023 ], [ 456921.456382213102188, 6717113.540058490820229 ], [ 456921.10602973512141, 6717113.539706013165414 ], [ 456920.756382213148754, 6717113.190058491192758 ], [ 456920.406382213113829, 6717113.190058491192758 ], [ 456919.706382213102188, 6717112.490058491006494 ], [ 456919.356382213125471, 6717112.490058491006494 ], [ 456918.306382213137113, 6717111.440058491192758 ], [ 456917.956382213102188, 6717111.440058491192758 ], [ 456917.256382213148754, 6717110.740058491006494 ], [ 456916.906382213113829, 6717110.740058491006494 ], [ 456916.206382213102188, 6717110.040058490820229 ], [ 456915.856382213125471, 6717110.040058490820229 ], [ 456914.806382213137113, 6717108.990058491006494 ], [ 456914.456382213102188, 6717108.990058491006494 ], [ 456913.756382213148754, 6717108.290058490820229 ], [ 456913.406382213113829, 6717108.290058490820229 ], [ 456912.706382213102188, 6717107.590058490633965 ], [ 456912.356382213125471, 6717107.590058490633965 ], [ 456912.006382213148754, 6717107.240058491006494 ], [ 456912.006734691152815, 6717106.190410968847573 ], [ 456912.706382213102188, 6717105.490058491006494 ], [ 456912.706734691164456, 6717105.140410969033837 ], [ 456913.056382213137113, 6717104.790058490820229 ], [ 456913.056734691141173, 6717104.440410968847573 ], [ 456913.756382213148754, 6717103.740058491006494 ], [ 456913.756382213148754, 6717102.690058491192758 ], [ 456915.156382213113829, 6717101.640058491379023 ], [ 456915.156382213113829, 6717101.290058490820229 ], [ 456915.856382213125471, 6717100.590058490633965 ], [ 456915.856382213125471, 6717100.240058491006494 ], [ 456916.556382213137113, 6717099.540058490820229 ], [ 456916.556382213137113, 6717099.190058491192758 ], [ 456917.606382213125471, 6717098.140058491379023 ], [ 456917.606382213125471, 6717097.790058490820229 ], [ 456918.306382213137113, 6717097.090058490633965 ], [ 456918.306382213137113, 6717096.740058491006494 ], [ 456919.006029735086486, 6717096.039706013165414 ], [ 456919.006734691152815, 6717095.690410968847573 ], [ 456920.056382213137113, 6717094.640058491379023 ], [ 456920.056382213137113, 6717094.290058490820229 ], [ 456920.756382213148754, 6717093.590058490633965 ], [ 456920.756382213148754, 6717093.240058491006494 ], [ 456922.506382213148754, 6717091.840058490633965 ], [ 456922.85602973512141, 6717092.189706012606621 ], [ 456923.206382213102188, 6717092.190058491192758 ], [ 456923.906029735109769, 6717092.889706012792885 ], [ 456924.256382213148754, 6717092.890058491379023 ], [ 456924.956029735098127, 6717093.58970601297915 ], [ 456925.306382213137113, 6717093.590058490633965 ], [ 456926.35602973512141, 6717094.639706012792885 ], [ 456926.706382213102188, 6717094.640058491379023 ], [ 456927.406029735109769, 6717095.33970601297915 ], [ 456927.756382213148754, 6717095.340058490633965 ], [ 456928.456029735098127, 6717096.039706013165414 ], [ 456928.806382213137113, 6717096.040058490820229 ], [ 456929.85602973512141, 6717097.08970601297915 ], [ 456930.206382213102188, 6717097.090058490633965 ], [ 456930.906029735109769, 6717097.789706013165414 ], [ 456931.256382213148754, 6717097.790058490820229 ], [ 456932.306734691141173, 6717099.540410969406366 ], [ 456931.256734691152815, 6717100.590410969220102 ], [ 456931.256734691152815, 6717100.940410968847573 ], [ 456930.556734691141173, 6717101.640410969033837 ], [ 456930.556734691141173, 6717101.990410968661308 ], [ 456929.506734691152815, 6717103.040410969406366 ], [ 456929.506734691152815, 6717103.390410969033837 ], [ 456928.806734691141173, 6717104.090410969220102 ], [ 456928.806734691141173, 6717104.440410968847573 ], [ 456928.106734691129532, 6717105.140410969033837 ], [ 456928.106734691129532, 6717105.490410968661308 ], [ 456927.056734691141173, 6717106.540410969406366 ], [ 456927.056382213137113, 6717107.590058490633965 ], [ 456925.656734691176098, 6717108.640410969033837 ], [ 456925.656382213113829, 6717108.990058491006494 ], [ 456924.956734691164456, 6717109.690410968847573 ], [ 456924.956382213102188, 6717110.040058490820229 ], [ 456924.256734691152815, 6717110.740410968661308 ], [ 456924.256382213148754, 6717111.090058490633965 ], [ 456923.556734691141173, 6717111.790410969406366 ], [ 456923.556382213137113, 6717112.140058491379023 ], [ 456922.856734691129532, 6717112.840410969220102 ], [ 456922.856382213125471, 6717113.190058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456831.506032071600202, 6717112.83970601297915 ], [ 456829.406382296583615, 6717110.390058491379023 ], [ 456829.406382296583615, 6717109.690058491192758 ], [ 456829.406382213113829, 6717109.340058490633965 ], [ 456835.356382213125471, 6717104.090058490633965 ], [ 456838.156732020841446, 6717107.590410969220102 ], [ 456832.206032071611844, 6717113.189706012606621 ], [ 456831.856382213125471, 6717112.840058490633965 ], [ 456831.506032071600202, 6717112.83970601297915 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456912.006382213148754, 6717107.240058491006494 ], [ 456910.606734691129532, 6717108.290410969406366 ], [ 456910.606734691129532, 6717108.640410969033837 ], [ 456909.556734691141173, 6717109.690410968847573 ], [ 456909.556734691141173, 6717110.040410969406366 ], [ 456908.856734691129532, 6717110.740410968661308 ], [ 456908.856734691129532, 6717111.090410969220102 ], [ 456908.156734691176098, 6717111.790410969406366 ], [ 456908.156734691176098, 6717112.140410969033837 ], [ 456907.106734691129532, 6717113.190410968847573 ], [ 456907.106734691129532, 6717113.540410969406366 ], [ 456906.056029735074844, 6717114.58970601297915 ], [ 456905.706382213102188, 6717114.240058491006494 ], [ 456905.006029735086486, 6717114.239706013351679 ], [ 456904.656382213113829, 6717113.890058491379023 ], [ 456904.306382213137113, 6717113.890058491379023 ], [ 456903.606382213125471, 6717113.190058491192758 ], [ 456903.256382213148754, 6717113.190058491192758 ], [ 456902.206382213102188, 6717112.140058491379023 ], [ 456901.856382213125471, 6717112.140058491379023 ], [ 456901.156382213113829, 6717111.440058491192758 ], [ 456900.806382213137113, 6717111.440058491192758 ], [ 456899.756382213148754, 6717110.390058491379023 ], [ 456899.406382213113829, 6717110.390058491379023 ], [ 456898.706382213102188, 6717109.690058491192758 ], [ 456898.356382213125471, 6717109.690058491192758 ], [ 456897.656382213113829, 6717108.990058491006494 ], [ 456897.306382213137113, 6717108.990058491006494 ], [ 456896.956382213102188, 6717107.590058490633965 ], [ 456897.656382213113829, 6717106.890058491379023 ], [ 456897.656382213113829, 6717106.540058490820229 ], [ 456898.356382213125471, 6717105.840058490633965 ], [ 456898.356382213125471, 6717105.490058491006494 ], [ 456899.056382213137113, 6717104.790058490820229 ], [ 456899.056382213137113, 6717104.440058491192758 ], [ 456899.406382213113829, 6717104.090058490633965 ], [ 456899.406382213113829, 6717103.740058491006494 ], [ 456900.106382213125471, 6717103.040058490820229 ], [ 456900.106382213125471, 6717102.690058491192758 ], [ 456900.806382213137113, 6717101.990058491006494 ], [ 456900.806382213137113, 6717101.640058491379023 ], [ 456901.506382213148754, 6717100.940058491192758 ], [ 456901.506382213148754, 6717100.590058490633965 ], [ 456902.206382213102188, 6717099.890058491379023 ], [ 456902.206382213102188, 6717099.540058490820229 ], [ 456903.256382213148754, 6717098.490058491006494 ], [ 456903.256382213148754, 6717098.140058491379023 ], [ 456905.006382213148754, 6717096.740058491006494 ], [ 456905.35602973512141, 6717097.08970601297915 ], [ 456905.706382213102188, 6717097.090058490633965 ], [ 456906.406029735109769, 6717097.789706013165414 ], [ 456906.756382213148754, 6717097.790058490820229 ], [ 456907.456029735098127, 6717098.489706013351679 ], [ 456907.806382213137113, 6717098.490058491006494 ], [ 456908.85602973512141, 6717099.539706013165414 ], [ 456909.206382213102188, 6717099.540058490820229 ], [ 456909.906029735109769, 6717100.239706013351679 ], [ 456910.256382213148754, 6717100.240058491006494 ], [ 456911.306029735074844, 6717101.289706013165414 ], [ 456911.656382213113829, 6717101.290058490820229 ], [ 456912.35602973512141, 6717101.989706013351679 ], [ 456912.706382213102188, 6717101.990058491006494 ], [ 456913.056382213137113, 6717102.340058490633965 ], [ 456913.406382213113829, 6717102.340058490633965 ], [ 456913.756382213148754, 6717102.690058491192758 ], [ 456913.756382213148754, 6717103.740058491006494 ], [ 456913.056734691141173, 6717104.440410968847573 ], [ 456913.056382213137113, 6717104.790058490820229 ], [ 456912.706734691164456, 6717105.140410969033837 ], [ 456912.706382213102188, 6717105.490058491006494 ], [ 456912.006734691152815, 6717106.190410968847573 ], [ 456912.006382213148754, 6717107.240058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456835.706382213102188, 6717102.340058490633965 ], [ 456835.356382213125471, 6717101.990058491006494 ], [ 456835.00603240536293, 6717101.989706013351679 ], [ 456834.656382213113829, 6717101.640058491379023 ], [ 456834.306382213137113, 6717101.640058491379023 ], [ 456831.506382213148754, 6717098.840058490633965 ], [ 456831.156382213113829, 6717098.840058490633965 ], [ 456830.106732187734451, 6717096.390410969033837 ], [ 456830.456732187769376, 6717096.040410969406366 ], [ 456830.456382213102188, 6717095.690058491192758 ], [ 456831.506382213148754, 6717094.640058491379023 ], [ 456831.506732354639098, 6717094.290410969406366 ], [ 456832.556382213137113, 6717093.240058491006494 ], [ 456832.556382213137113, 6717092.890058491379023 ], [ 456833.256732354639098, 6717092.890410969033837 ], [ 456833.606032071576919, 6717093.239706013351679 ], [ 456833.956382213102188, 6717093.240058491006494 ], [ 456835.00603240536293, 6717094.289706013165414 ], [ 456835.356382213125471, 6717094.290058490820229 ], [ 456838.156032405386213, 6717097.08970601297915 ], [ 456838.506382213148754, 6717097.090058490633965 ], [ 456839.206732020888012, 6717098.490410968661308 ], [ 456838.50673202087637, 6717099.190410968847573 ], [ 456838.50673202087637, 6717099.540410969406366 ], [ 456836.75673202087637, 6717101.290410969406366 ], [ 456836.75673202087637, 6717101.640410969033837 ], [ 456835.706382213102188, 6717102.340058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456830.456382213102188, 6717095.690058491192758 ], [ 456829.056382213137113, 6717095.690058491192758 ], [ 456828.706382421718445, 6717095.340058490633965 ], [ 456828.356382213125471, 6717095.340058490633965 ], [ 456828.356382213125471, 6717085.890058491379023 ], [ 456829.406382213113829, 6717084.840058490633965 ], [ 456829.406382213113829, 6717084.490058491006494 ], [ 456830.456382213102188, 6717083.440058491192758 ], [ 456830.456382213102188, 6717083.090058490633965 ], [ 456832.206382213102188, 6717082.040058490820229 ], [ 456832.906032071623486, 6717082.739706013351679 ], [ 456833.256382213148754, 6717082.740058491006494 ], [ 456833.956032071611844, 6717083.439706012606621 ], [ 456834.306382213137113, 6717083.440058491192758 ], [ 456834.656032405386213, 6717083.789706013165414 ], [ 456835.006382213148754, 6717083.790058490820229 ], [ 456835.706032405374572, 6717084.489706013351679 ], [ 456836.056382213137113, 6717084.490058491006494 ], [ 456836.75673202087637, 6717085.890410969033837 ], [ 456836.056732020864729, 6717086.590410969220102 ], [ 456836.056732020864729, 6717086.940410968847573 ], [ 456835.356732020853087, 6717087.640410969033837 ], [ 456835.356732020853087, 6717087.990410968661308 ], [ 456834.656732020841446, 6717088.690410968847573 ], [ 456834.656732020841446, 6717089.040410969406366 ], [ 456833.956732020888012, 6717089.740410968661308 ], [ 456833.956732020888012, 6717090.090410969220102 ], [ 456832.906732354662381, 6717091.140410969033837 ], [ 456832.906382213113829, 6717092.190058491192758 ], [ 456832.556732354627457, 6717092.540410969406366 ], [ 456832.556382213137113, 6717092.890058491379023 ], [ 456832.556382213137113, 6717093.240058491006494 ], [ 456831.506732354639098, 6717094.290410969406366 ], [ 456831.506382213148754, 6717094.640058491379023 ], [ 456830.456382213102188, 6717095.690058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456829.406032238504849, 6717081.33970601297915 ], [ 456828.356382213125471, 6717081.690058491192758 ], [ 456828.356382213125471, 6717070.490058491006494 ], [ 456828.706382213102188, 6717070.490058491006494 ], [ 456831.856032071576919, 6717073.989706013351679 ], [ 456832.206382213102188, 6717073.990058491006494 ], [ 456833.606732354674023, 6717077.490410968661308 ], [ 456829.406732187781017, 6717080.990410968661308 ], [ 456829.406032238504849, 6717081.33970601297915 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456832.206382213102188, 6717073.990058491006494 ], [ 456831.856032071576919, 6717073.989706013351679 ], [ 456828.706382213102188, 6717070.490058491006494 ], [ 456828.356382213125471, 6717070.490058491006494 ], [ 456828.356382213125471, 6717068.740058491006494 ], [ 456829.756732187757734, 6717067.690400287508965 ], [ 456829.756732187757734, 6717067.340400287881494 ], [ 456830.456382213102188, 6717066.640058491379023 ], [ 456830.456382213102188, 6717066.290058490820229 ], [ 456831.506382213148754, 6717065.590058490633965 ], [ 456835.006382213148754, 6717063.490058491006494 ], [ 456839.206732020888012, 6717068.390400287695229 ], [ 456832.206382213102188, 6717073.990058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456829.756732187757734, 6717067.690400287508965 ], [ 456828.356382213125471, 6717068.740058491006494 ], [ 456828.356382213125471, 6717057.890058491379023 ], [ 456828.706382421718445, 6717057.890058491379023 ], [ 456829.056382213137113, 6717058.240058491006494 ], [ 456829.406382296583615, 6717058.240058491006494 ], [ 456830.806032238469925, 6717059.639716694131494 ], [ 456831.156382213113829, 6717059.640058491379023 ], [ 456831.856032071576919, 6717060.339716694317758 ], [ 456832.206382213102188, 6717060.340058490633965 ], [ 456832.906732354662381, 6717061.740400288254023 ], [ 456832.20673235465074, 6717062.440400287508965 ], [ 456832.20673235465074, 6717062.790400288067758 ], [ 456831.506732354639098, 6717063.490400288254023 ], [ 456831.506732354639098, 6717063.840400287881494 ], [ 456830.806732187746093, 6717064.540400288067758 ], [ 456830.806032238469925, 6717065.239716693758965 ], [ 456831.156382213113829, 6717065.240058491006494 ], [ 456831.506382213148754, 6717065.590058490633965 ], [ 456830.456382213102188, 6717066.290058490820229 ], [ 456830.456382213102188, 6717066.640058491379023 ], [ 456829.756732187757734, 6717067.340400287881494 ], [ 456829.756732187757734, 6717067.690400287508965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456914.106382213125471, 6717060.690058491192758 ], [ 456905.006029735086486, 6717065.939716693945229 ], [ 456903.606382213125471, 6717062.790058490820229 ], [ 456912.356382213125471, 6717057.890058491379023 ], [ 456914.106382213125471, 6717060.690058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456886.10602973512141, 6717064.539716694504023 ], [ 456876.656382213113829, 6717052.990058491006494 ], [ 456891.356382213125471, 6717052.990058491006494 ], [ 456891.35602973512141, 6717053.339716694317758 ], [ 456888.906734691176098, 6717055.090400287881494 ], [ 456888.906029735109769, 6717055.439716693945229 ], [ 456888.556382213137113, 6717055.790058490820229 ], [ 456891.006734691152815, 6717059.990400288254023 ], [ 456890.656734691176098, 6717060.340400287881494 ], [ 456890.656734691176098, 6717060.690400287508965 ], [ 456888.906734691176098, 6717062.440400287508965 ], [ 456888.906734691176098, 6717062.790400288067758 ], [ 456886.806029735074844, 6717064.889716694131494 ], [ 456886.456382213102188, 6717064.540058490820229 ], [ 456886.10602973512141, 6717064.539716694504023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456913.056382213137113, 6717054.390058491379023 ], [ 456912.006382213148754, 6717052.990058491006494 ], [ 456923.906382213113829, 6717052.990058491006494 ], [ 456923.906029735109769, 6717053.339716694317758 ], [ 456917.956029735098127, 6717058.589716694317758 ], [ 456917.606382213125471, 6717058.240058491006494 ], [ 456917.256029735086486, 6717058.239716693758965 ], [ 456913.406382213113829, 6717054.390058491379023 ], [ 456913.056382213137113, 6717054.390058491379023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456950.85602973512141, 6717054.039716694504023 ], [ 456949.806382213137113, 6717052.990058491006494 ], [ 456954.356382213125471, 6717052.990058491006494 ], [ 456954.35602973512141, 6717053.689716693945229 ], [ 456952.956029735098127, 6717054.739716693758965 ], [ 456952.606382213125471, 6717054.390058491379023 ], [ 456951.556382213137113, 6717054.390058491379023 ], [ 456951.206382213102188, 6717054.040058490820229 ], [ 456950.85602973512141, 6717054.039716694504023 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456868.256382213148754, 6717245.840058490633965 ], [ 456867.906382213113829, 6717245.490058491006494 ], [ 456867.206032405374572, 6717245.4897086834535 ], [ 456866.856382213125471, 6717245.140058491379023 ], [ 456866.506382213148754, 6717245.140058491379023 ], [ 456865.806382213137113, 6717244.440058491192758 ], [ 456865.456382213102188, 6717244.440058491192758 ], [ 456864.756382213148754, 6717243.740058491006494 ], [ 456864.406382213113829, 6717243.740058491006494 ], [ 456863.706382213102188, 6717243.040058490820229 ], [ 456863.356382213125471, 6717243.040058490820229 ], [ 456862.656382213113829, 6717242.340058490633965 ], [ 456862.306382213137113, 6717242.340058490633965 ], [ 456861.956382213102188, 6717240.940058491192758 ], [ 456862.656032405386213, 6717240.2397086834535 ], [ 456862.656732020841446, 6717239.890408298932016 ], [ 456863.706382213102188, 6717238.840058490633965 ], [ 456863.706382213102188, 6717238.490058491006494 ], [ 456864.406382213113829, 6717237.790058490820229 ], [ 456864.406382213113829, 6717237.440058491192758 ], [ 456865.106032405397855, 6717236.7397086834535 ], [ 456865.106732020853087, 6717236.390408298932016 ], [ 456866.156382213113829, 6717235.340058490633965 ], [ 456866.156382213113829, 6717234.990058491006494 ], [ 456866.856382213125471, 6717234.290058490820229 ], [ 456866.856382213125471, 6717233.940058491192758 ], [ 456867.556032405409496, 6717233.2397086834535 ], [ 456867.556732020864729, 6717232.890408298932016 ], [ 456869.306382213137113, 6717231.490058491006494 ], [ 456869.656032405386213, 6717231.839708683080971 ], [ 456870.006382213148754, 6717231.840058490633965 ], [ 456870.706032405374572, 6717232.539708683267236 ], [ 456871.056382213137113, 6717232.540058490820229 ], [ 456871.75603240536293, 6717233.2397086834535 ], [ 456872.106382213125471, 6717233.240058491006494 ], [ 456872.806032405409496, 6717233.939708683639765 ], [ 456873.156382213113829, 6717233.940058491192758 ], [ 456873.85602973512141, 6717234.639708682894707 ], [ 456874.206382213102188, 6717234.640058491379023 ], [ 456875.256734691152815, 6717236.390408298932016 ], [ 456874.206734691164456, 6717237.440408298745751 ], [ 456874.206734691164456, 6717237.790408298373222 ], [ 456873.506734691152815, 6717238.490408298559487 ], [ 456873.506734691152815, 6717238.84040829911828 ], [ 456872.806732020864729, 6717239.540408298373222 ], [ 456872.806732020864729, 6717239.890408298932016 ], [ 456871.75673202087637, 6717240.940408298745751 ], [ 456871.75673202087637, 6717241.290408298373222 ], [ 456871.056732020864729, 6717241.990408298559487 ], [ 456871.056732020864729, 6717242.34040829911828 ], [ 456870.356732020853087, 6717243.040408298373222 ], [ 456870.356732020853087, 6717243.390408298932016 ], [ 456869.306732020864729, 6717244.440408298745751 ], [ 456869.306732020864729, 6717244.790408298373222 ], [ 456868.256382213148754, 6717245.840058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456974.306382213137113, 6717244.790058490820229 ], [ 456973.956382213102188, 6717244.440058491192758 ], [ 456973.256029735086486, 6717244.439708683639765 ], [ 456972.906382213113829, 6717244.090058490633965 ], [ 456972.556382213137113, 6717244.090058490633965 ], [ 456971.856382213125471, 6717243.390058491379023 ], [ 456971.506382213148754, 6717243.390058491379023 ], [ 456970.456382213102188, 6717242.340058490633965 ], [ 456970.106382213125471, 6717242.340058490633965 ], [ 456969.406382213113829, 6717241.640058491379023 ], [ 456969.056382213137113, 6717241.640058491379023 ], [ 456968.356382213125471, 6717240.940058491192758 ], [ 456968.006382213148754, 6717240.940058491192758 ], [ 456966.956382213102188, 6717239.890058491379023 ], [ 456966.606382213125471, 6717239.890058491379023 ], [ 456965.906382213113829, 6717239.190058491192758 ], [ 456965.556382213137113, 6717239.190058491192758 ], [ 456964.856382213125471, 6717238.490058491006494 ], [ 456964.506382213148754, 6717238.490058491006494 ], [ 456964.156382213113829, 6717237.090058490633965 ], [ 456965.206382213102188, 6717236.040058490820229 ], [ 456965.206382213102188, 6717235.690058491192758 ], [ 456965.906029735109769, 6717234.9897086834535 ], [ 456965.906734691176098, 6717234.640408298932016 ], [ 456966.956382213102188, 6717233.590058490633965 ], [ 456966.956382213102188, 6717233.240058491006494 ], [ 456968.706382213102188, 6717231.840058490633965 ], [ 456969.056029735074844, 6717232.189708683639765 ], [ 456969.406382213113829, 6717232.190058491192758 ], [ 456970.10602973512141, 6717232.889708682894707 ], [ 456970.456382213102188, 6717232.890058491379023 ], [ 456971.156029735109769, 6717233.589708683080971 ], [ 456971.506382213148754, 6717233.590058490633965 ], [ 456972.556029735074844, 6717234.639708682894707 ], [ 456972.906382213113829, 6717234.640058491379023 ], [ 456973.60602973512141, 6717235.339708683080971 ], [ 456973.956382213102188, 6717235.340058490633965 ], [ 456974.656029735109769, 6717236.039708683267236 ], [ 456975.006382213148754, 6717236.040058490820229 ], [ 456976.056029735074844, 6717237.089708683080971 ], [ 456976.406382213113829, 6717237.090058490633965 ], [ 456977.10602973512141, 6717237.789708683267236 ], [ 456977.456382213102188, 6717237.790058490820229 ], [ 456978.506734691152815, 6717239.540408298373222 ], [ 456977.456734691164456, 6717240.59040829911828 ], [ 456977.456734691164456, 6717240.940408298745751 ], [ 456976.406734691176098, 6717241.990408298559487 ], [ 456976.406734691176098, 6717242.34040829911828 ], [ 456975.706734691164456, 6717243.040408298373222 ], [ 456975.706734691164456, 6717243.390408298932016 ], [ 456974.306382213137113, 6717244.790058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456981.306382213137113, 6717237.440058491192758 ], [ 456980.956382213102188, 6717237.090058490633965 ], [ 456980.256029735086486, 6717237.089708683080971 ], [ 456979.556382213137113, 6717236.390058491379023 ], [ 456979.206382213102188, 6717236.390058491379023 ], [ 456978.156382213113829, 6717235.340058490633965 ], [ 456977.806382213137113, 6717235.340058490633965 ], [ 456977.106382213125471, 6717234.640058491379023 ], [ 456976.756382213148754, 6717234.640058491379023 ], [ 456975.706382213102188, 6717233.590058490633965 ], [ 456975.356382213125471, 6717233.590058490633965 ], [ 456974.306382213137113, 6717232.540058490820229 ], [ 456973.956382213102188, 6717232.540058490820229 ], [ 456973.606734691129532, 6717231.140408298932016 ], [ 456974.656029735109769, 6717230.089708683080971 ], [ 456974.656734691176098, 6717229.740408298559487 ], [ 456975.706029735098127, 6717228.689708683639765 ], [ 456975.706734691164456, 6717228.34040829911828 ], [ 456976.756029735086486, 6717227.289708683267236 ], [ 456976.756734691152815, 6717226.940408298745751 ], [ 456977.806382213137113, 6717226.590058490633965 ], [ 456978.156029735109769, 6717226.939708683639765 ], [ 456978.506382213148754, 6717226.940058491192758 ], [ 456979.206029735098127, 6717227.639708682894707 ], [ 456979.556382213137113, 6717227.640058491379023 ], [ 456980.256029735086486, 6717228.339708683080971 ], [ 456980.606382213125471, 6717228.340058490633965 ], [ 456981.306382213137113, 6717229.040058490820229 ], [ 456981.656382213113829, 6717229.040058490820229 ], [ 456982.706029735098127, 6717230.089708683080971 ], [ 456983.056382213137113, 6717230.090058490633965 ], [ 456983.756029735086486, 6717230.789708683267236 ], [ 456984.106382213125471, 6717230.790058490820229 ], [ 456985.156734691176098, 6717232.540408298373222 ], [ 456984.106734691129532, 6717233.59040829911828 ], [ 456984.106734691129532, 6717233.940408298745751 ], [ 456983.406734691176098, 6717234.640408298932016 ], [ 456983.406734691176098, 6717234.990408298559487 ], [ 456982.706734691164456, 6717235.690408298745751 ], [ 456982.706734691164456, 6717236.040408298373222 ], [ 456981.306382213137113, 6717237.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456889.606734691129532, 6717233.59040829911828 ], [ 456888.206382213102188, 6717233.940058491192758 ], [ 456886.806382213137113, 6717232.540058490820229 ], [ 456886.456382213102188, 6717232.540058490820229 ], [ 456885.406382213113829, 6717231.490058491006494 ], [ 456885.056382213137113, 6717231.490058491006494 ], [ 456883.656382213113829, 6717230.090058490633965 ], [ 456883.306382213137113, 6717230.090058490633965 ], [ 456882.956382213102188, 6717228.690058491192758 ], [ 456884.006382213148754, 6717227.640058491379023 ], [ 456884.006382213148754, 6717227.290058490820229 ], [ 456885.056382213137113, 6717226.240058491006494 ], [ 456885.056382213137113, 6717225.890058491379023 ], [ 456885.756029735086486, 6717225.189708683639765 ], [ 456885.756734691152815, 6717224.84040829911828 ], [ 456886.806382213137113, 6717223.790058490820229 ], [ 456886.806382213137113, 6717223.440058491192758 ], [ 456887.856382213125471, 6717222.390058491379023 ], [ 456887.856382213125471, 6717222.040058490820229 ], [ 456889.606382213125471, 6717220.640058491379023 ], [ 456889.956029735098127, 6717220.9897086834535 ], [ 456890.306382213137113, 6717220.990058491006494 ], [ 456891.35602973512141, 6717222.039708683267236 ], [ 456891.706382213102188, 6717222.040058490820229 ], [ 456892.406382213113829, 6717222.740058491006494 ], [ 456892.756382213148754, 6717222.740058491006494 ], [ 456893.806029735074844, 6717223.789708683267236 ], [ 456894.156382213113829, 6717223.790058490820229 ], [ 456895.556734691141173, 6717225.540408298373222 ], [ 456895.206734691164456, 6717225.890408298932016 ], [ 456895.206734691164456, 6717226.240408298559487 ], [ 456894.156734691176098, 6717227.290408298373222 ], [ 456894.156734691176098, 6717227.640408298932016 ], [ 456893.106734691129532, 6717228.690408298745751 ], [ 456893.106734691129532, 6717229.040408298373222 ], [ 456891.706734691164456, 6717230.440408298745751 ], [ 456891.706734691164456, 6717230.790408298373222 ], [ 456890.656734691176098, 6717231.84040829911828 ], [ 456890.656734691176098, 6717232.190408298745751 ], [ 456889.606734691129532, 6717233.240408298559487 ], [ 456889.606734691129532, 6717233.59040829911828 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.156382213113829, 6717233.590058490633965 ], [ 456851.806382213137113, 6717233.240058491006494 ], [ 456851.106032405397855, 6717233.2397086834535 ], [ 456850.756382213148754, 6717232.890058491379023 ], [ 456850.406382213113829, 6717232.890058491379023 ], [ 456849.706382213102188, 6717232.190058491192758 ], [ 456849.356382213125471, 6717232.190058491192758 ], [ 456848.656382213113829, 6717231.490058491006494 ], [ 456848.306382213137113, 6717231.490058491006494 ], [ 456847.606382213125471, 6717230.790058490820229 ], [ 456847.256382213148754, 6717230.790058490820229 ], [ 456846.206382213102188, 6717229.040058490820229 ], [ 456846.906382213113829, 6717228.340058490633965 ], [ 456846.906382213113829, 6717227.990058491006494 ], [ 456847.606382213125471, 6717227.290058490820229 ], [ 456847.606382213125471, 6717226.940058491192758 ], [ 456848.306382213137113, 6717226.240058491006494 ], [ 456848.306382213137113, 6717225.890058491379023 ], [ 456849.006382213148754, 6717225.190058491192758 ], [ 456849.006382213148754, 6717224.840058490633965 ], [ 456849.706382213102188, 6717224.140058491379023 ], [ 456849.706382213102188, 6717223.790058490820229 ], [ 456850.406382213113829, 6717223.090058490633965 ], [ 456850.406382213113829, 6717222.740058491006494 ], [ 456851.106382213125471, 6717222.040058490820229 ], [ 456851.106382213125471, 6717221.690058491192758 ], [ 456851.806382213137113, 6717220.990058491006494 ], [ 456851.806382213137113, 6717220.640058491379023 ], [ 456853.556382213137113, 6717219.590058490633965 ], [ 456854.25603240536293, 6717220.289708683267236 ], [ 456854.606382213125471, 6717220.290058490820229 ], [ 456855.306032405409496, 6717220.9897086834535 ], [ 456855.656382213113829, 6717220.990058491006494 ], [ 456856.006382213148754, 6717221.340058490633965 ], [ 456856.356382213125471, 6717221.340058490633965 ], [ 456857.056032405409496, 6717222.039708683267236 ], [ 456857.406382213113829, 6717222.040058490820229 ], [ 456858.106032405397855, 6717222.7397086834535 ], [ 456858.456382213102188, 6717222.740058491006494 ], [ 456859.156732020841446, 6717224.140408298932016 ], [ 456858.106732020853087, 6717225.190408298745751 ], [ 456858.106732020853087, 6717225.540408298373222 ], [ 456857.406732020841446, 6717226.240408298559487 ], [ 456857.406732020841446, 6717226.59040829911828 ], [ 456856.706732020888012, 6717227.290408298373222 ], [ 456856.706732020888012, 6717227.640408298932016 ], [ 456855.656732020841446, 6717228.690408298745751 ], [ 456855.656732020841446, 6717229.040408298373222 ], [ 456854.956732020888012, 6717229.740408298559487 ], [ 456854.956732020888012, 6717230.09040829911828 ], [ 456854.25673202087637, 6717230.790408298373222 ], [ 456854.25673202087637, 6717231.140408298932016 ], [ 456853.206732020888012, 6717232.190408298745751 ], [ 456853.206732020888012, 6717232.540408298373222 ], [ 456852.156382213113829, 6717233.590058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456990.056382213137113, 6717230.790058490820229 ], [ 456989.706382213102188, 6717230.440058491192758 ], [ 456989.006029735086486, 6717230.439708683639765 ], [ 456988.306382213137113, 6717229.740058491006494 ], [ 456987.956382213102188, 6717229.740058491006494 ], [ 456986.906382213113829, 6717228.690058491192758 ], [ 456986.556382213137113, 6717228.690058491192758 ], [ 456985.506382213148754, 6717227.640058491379023 ], [ 456985.156382213113829, 6717227.640058491379023 ], [ 456984.106382213125471, 6717226.590058490633965 ], [ 456983.756382213148754, 6717226.590058490633965 ], [ 456982.706382213102188, 6717225.540058490820229 ], [ 456982.356382213125471, 6717225.540058490820229 ], [ 456981.656382213113829, 6717224.840058490633965 ], [ 456981.306382213137113, 6717224.840058490633965 ], [ 456980.256382213148754, 6717223.790058490820229 ], [ 456979.906382213113829, 6717223.790058490820229 ], [ 456978.856382213125471, 6717222.740058491006494 ], [ 456978.506382213148754, 6717222.740058491006494 ], [ 456977.456382213102188, 6717221.690058491192758 ], [ 456977.106382213125471, 6717221.690058491192758 ], [ 456976.056382213137113, 6717220.640058491379023 ], [ 456975.706382213102188, 6717220.640058491379023 ], [ 456973.956734691164456, 6717218.890408298932016 ], [ 456974.306382213137113, 6717218.540058490820229 ], [ 456974.306382213137113, 6717217.840058490633965 ], [ 456975.356382213125471, 6717216.790058490820229 ], [ 456975.356382213125471, 6717216.440058491192758 ], [ 456976.406382213113829, 6717215.390058491379023 ], [ 456976.406382213113829, 6717215.040058490820229 ], [ 456977.456382213102188, 6717213.990058491006494 ], [ 456977.456382213102188, 6717213.640058491379023 ], [ 456978.506382213148754, 6717212.590058490633965 ], [ 456978.506382213148754, 6717212.240058491006494 ], [ 456979.556382213137113, 6717211.190058491192758 ], [ 456979.556382213137113, 6717210.840058490633965 ], [ 456980.60602973512141, 6717209.789708683267236 ], [ 456980.606734691129532, 6717209.440408298745751 ], [ 456982.006382213148754, 6717208.040058490820229 ], [ 456982.006382213148754, 6717207.690058491192758 ], [ 456983.056382213137113, 6717206.640058491379023 ], [ 456983.056382213137113, 6717206.290058490820229 ], [ 456984.106382213125471, 6717205.240058491006494 ], [ 456984.106382213125471, 6717204.890058491379023 ], [ 456985.156382213113829, 6717203.840058490633965 ], [ 456985.156382213113829, 6717203.490058491006494 ], [ 456986.206382213102188, 6717202.440058491192758 ], [ 456986.206382213102188, 6717202.090058490633965 ], [ 456987.256382213148754, 6717201.040058490820229 ], [ 456987.256382213148754, 6717200.690058491192758 ], [ 456988.306382213137113, 6717200.340058490633965 ], [ 456988.656029735109769, 6717200.689706012606621 ], [ 456989.006382213148754, 6717200.690058491192758 ], [ 456990.056029735074844, 6717201.739706013351679 ], [ 456990.406382213113829, 6717201.740058491006494 ], [ 456991.456029735098127, 6717202.789706013165414 ], [ 456991.806382213137113, 6717202.790058490820229 ], [ 456993.206029735098127, 6717204.189706012606621 ], [ 456993.556382213137113, 6717204.190058491192758 ], [ 456994.60602973512141, 6717205.239706013351679 ], [ 456994.956382213102188, 6717205.240058491006494 ], [ 456996.006029735086486, 6717206.289706013165414 ], [ 456996.356382213125471, 6717206.290058490820229 ], [ 456997.406029735109769, 6717207.33970601297915 ], [ 456997.756382213148754, 6717207.340058490633965 ], [ 456998.806029735074844, 6717208.389708682894707 ], [ 456999.156382213113829, 6717208.390058491379023 ], [ 457000.556029735074844, 6717209.789708683267236 ], [ 457000.906382213113829, 6717209.790058490820229 ], [ 457001.956029735098127, 6717210.839708683080971 ], [ 457002.306382213137113, 6717210.840058490633965 ], [ 457003.706734691164456, 6717212.940408298745751 ], [ 457002.656734691176098, 6717213.990408298559487 ], [ 457002.656734691176098, 6717214.34040829911828 ], [ 457001.606734691129532, 6717215.390408298932016 ], [ 457001.606734691129532, 6717215.740408298559487 ], [ 457000.556734691141173, 6717216.790408298373222 ], [ 457000.556734691141173, 6717217.140408298932016 ], [ 456999.506734691152815, 6717218.190408298745751 ], [ 456999.506734691152815, 6717218.540408298373222 ], [ 456998.456734691164456, 6717219.59040829911828 ], [ 456998.456734691164456, 6717219.940408298745751 ], [ 456997.406734691176098, 6717220.990408298559487 ], [ 456997.406734691176098, 6717221.34040829911828 ], [ 456996.706734691164456, 6717222.040408298373222 ], [ 456996.706734691164456, 6717222.390408298932016 ], [ 456995.656734691176098, 6717223.440408298745751 ], [ 456995.656734691176098, 6717223.790408298373222 ], [ 456994.606734691129532, 6717224.84040829911828 ], [ 456994.606734691129532, 6717225.190408298745751 ], [ 456993.556734691141173, 6717226.240408298559487 ], [ 456993.556734691141173, 6717226.59040829911828 ], [ 456992.506734691152815, 6717227.640408298932016 ], [ 456992.506734691152815, 6717227.990408298559487 ], [ 456991.456734691164456, 6717229.040408298373222 ], [ 456991.456734691164456, 6717229.390408298932016 ], [ 456990.056382213137113, 6717230.790058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456847.256382213148754, 6717203.490058491006494 ], [ 456846.906382213113829, 6717203.140058491379023 ], [ 456846.206032405374572, 6717203.139706012792885 ], [ 456845.856382213125471, 6717202.790058490820229 ], [ 456845.506382213148754, 6717202.790058490820229 ], [ 456844.806382213137113, 6717202.090058490633965 ], [ 456844.456382213102188, 6717202.090058490633965 ], [ 456843.756382213148754, 6717201.390058491379023 ], [ 456843.406382213113829, 6717201.390058491379023 ], [ 456842.706382213102188, 6717200.690058491192758 ], [ 456842.356382213125471, 6717200.690058491192758 ], [ 456841.306382213137113, 6717198.940058491192758 ], [ 456842.006382213148754, 6717198.240058491006494 ], [ 456842.006382213148754, 6717197.890058491379023 ], [ 456842.706382213102188, 6717197.190058491192758 ], [ 456842.706382213102188, 6717196.840058490633965 ], [ 456843.406382213113829, 6717196.140058491379023 ], [ 456843.406382213113829, 6717195.790058490820229 ], [ 456843.756382213148754, 6717195.440058491192758 ], [ 456843.756382213148754, 6717195.090058490633965 ], [ 456844.456382213102188, 6717194.390058491379023 ], [ 456844.456382213102188, 6717194.040058490820229 ], [ 456845.156382213113829, 6717193.340058490633965 ], [ 456845.156382213113829, 6717192.990058491006494 ], [ 456846.556382213137113, 6717191.940058491192758 ], [ 456846.906032405386213, 6717192.289706013165414 ], [ 456847.256382213148754, 6717192.290058490820229 ], [ 456847.606382213125471, 6717192.640058491379023 ], [ 456847.956382213102188, 6717192.640058491379023 ], [ 456848.656382213113829, 6717193.340058490633965 ], [ 456849.006382213148754, 6717193.340058490633965 ], [ 456849.706382213102188, 6717194.040058490820229 ], [ 456850.056382213137113, 6717194.040058490820229 ], [ 456850.756382213148754, 6717194.740058491006494 ], [ 456851.106382213125471, 6717194.740058491006494 ], [ 456852.156732020841446, 6717196.490410968661308 ], [ 456851.456732020888012, 6717197.190410968847573 ], [ 456851.456732020888012, 6717197.540410969406366 ], [ 456850.75673202087637, 6717198.240410968661308 ], [ 456850.75673202087637, 6717198.590410969220102 ], [ 456850.056732020864729, 6717199.290410969406366 ], [ 456850.056732020864729, 6717199.640410969033837 ], [ 456849.706732020888012, 6717199.990410968661308 ], [ 456849.706732020888012, 6717200.340410969220102 ], [ 456849.00673202087637, 6717201.040410969406366 ], [ 456849.00673202087637, 6717201.390410969033837 ], [ 456848.306732020864729, 6717202.090410969220102 ], [ 456848.306732020864729, 6717202.440410968847573 ], [ 456847.256382213148754, 6717203.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456940.356734691129532, 6717199.990410968661308 ], [ 456938.256382213148754, 6717201.390058491379023 ], [ 456937.206382213102188, 6717200.340058490633965 ], [ 456936.856382213125471, 6717200.340058490633965 ], [ 456935.806382213137113, 6717199.290058490820229 ], [ 456935.456382213102188, 6717199.290058490820229 ], [ 456934.756382213148754, 6717198.590058490633965 ], [ 456934.406382213113829, 6717198.590058490633965 ], [ 456932.656734691176098, 6717196.840410969220102 ], [ 456933.006382213148754, 6717196.490058491006494 ], [ 456933.006382213148754, 6717195.790058490820229 ], [ 456934.406382213113829, 6717194.390058491379023 ], [ 456934.406382213113829, 6717194.040058490820229 ], [ 456935.456029735098127, 6717192.989706013351679 ], [ 456935.456734691164456, 6717192.640410969033837 ], [ 456936.856382213125471, 6717191.240058491006494 ], [ 456936.856382213125471, 6717190.890058491379023 ], [ 456938.256382213148754, 6717189.490058491006494 ], [ 456938.256382213148754, 6717189.140058491379023 ], [ 456939.306382213137113, 6717188.790058490820229 ], [ 456939.656029735109769, 6717189.139706012792885 ], [ 456940.006382213148754, 6717189.140058491379023 ], [ 456941.406029735109769, 6717190.539706013165414 ], [ 456941.756382213148754, 6717190.540058490820229 ], [ 456942.806029735074844, 6717191.58970601297915 ], [ 456943.156382213113829, 6717191.590058490633965 ], [ 456944.906734691176098, 6717193.690410968847573 ], [ 456944.556734691141173, 6717194.040410969406366 ], [ 456944.556734691141173, 6717194.390410969033837 ], [ 456943.506734691152815, 6717195.440410968847573 ], [ 456943.506734691152815, 6717195.790410969406366 ], [ 456942.456734691164456, 6717196.840410969220102 ], [ 456942.456734691164456, 6717197.190410968847573 ], [ 456941.406734691176098, 6717198.240410968661308 ], [ 456941.406734691176098, 6717198.590410969220102 ], [ 456940.356734691129532, 6717199.640410969033837 ], [ 456940.356734691129532, 6717199.990410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457009.306724009977188, 6717188.090410969220102 ], [ 457007.906382213113829, 6717189.140058491379023 ], [ 457007.556382213137113, 6717188.790058490820229 ], [ 457006.856382213125471, 6717188.790058490820229 ], [ 457006.156382213113829, 6717188.090058490633965 ], [ 457005.806382213137113, 6717188.090058490633965 ], [ 457005.106382213125471, 6717187.390058491379023 ], [ 457004.756382213148754, 6717187.390058491379023 ], [ 457004.056382213137113, 6717186.690058491192758 ], [ 457003.706382213102188, 6717186.690058491192758 ], [ 457003.356382213125471, 6717186.340058490633965 ], [ 457003.006382213148754, 6717186.340058490633965 ], [ 457002.306382213137113, 6717185.640058491379023 ], [ 457001.956382213102188, 6717185.640058491379023 ], [ 457001.256382213148754, 6717184.940058491192758 ], [ 457000.906382213113829, 6717184.940058491192758 ], [ 456999.856734691129532, 6717183.540410969406366 ], [ 457000.206382213102188, 6717183.190058491192758 ], [ 457000.206382213102188, 6717182.840058490633965 ], [ 457000.556382213137113, 6717182.490058491006494 ], [ 457000.556382213137113, 6717182.140058491379023 ], [ 457001.256382213148754, 6717181.440058491192758 ], [ 457001.256382213148754, 6717181.090058490633965 ], [ 457001.956382213102188, 6717180.390058491379023 ], [ 457001.956382213102188, 6717180.040058490820229 ], [ 457002.656382213113829, 6717179.340058490633965 ], [ 457002.656382213113829, 6717178.990058491006494 ], [ 457003.356382213125471, 6717178.290058490820229 ], [ 457003.356382213125471, 6717177.940058491192758 ], [ 457004.056382213137113, 6717177.240058491006494 ], [ 457004.056382213137113, 6717176.890058491379023 ], [ 457004.756382213148754, 6717176.190058491192758 ], [ 457004.756382213148754, 6717175.840058490633965 ], [ 457005.456382213102188, 6717175.140058491379023 ], [ 457005.456382213102188, 6717174.790058490820229 ], [ 457006.156382213113829, 6717174.090058490633965 ], [ 457006.156382213113829, 6717173.740058491006494 ], [ 457006.856382213125471, 6717173.040058490820229 ], [ 457006.856382213125471, 6717172.690058491192758 ], [ 457007.556382213137113, 6717171.990058491006494 ], [ 457007.556382213137113, 6717171.640058491379023 ], [ 457008.606382213125471, 6717170.590058490633965 ], [ 457008.606382213125471, 6717170.240058491006494 ], [ 457009.306382213137113, 6717169.540058490820229 ], [ 457009.306382213137113, 6717169.190058491192758 ], [ 457010.006382213148754, 6717168.490058491006494 ], [ 457010.006382213148754, 6717168.140058491379023 ], [ 457010.706382213102188, 6717167.440058491192758 ], [ 457010.706382213102188, 6717167.090058490633965 ], [ 457011.406382213113829, 6717166.390058491379023 ], [ 457011.406382213113829, 6717166.040058490820229 ], [ 457012.106382213125471, 6717165.340058490633965 ], [ 457012.106382213125471, 6717164.990058491006494 ], [ 457012.806382213137113, 6717164.290058490820229 ], [ 457012.806382213137113, 6717163.940058491192758 ], [ 457013.506382213148754, 6717163.240058491006494 ], [ 457013.506382213148754, 6717162.890058491379023 ], [ 457014.206382213102188, 6717162.190058491192758 ], [ 457014.206382213102188, 6717161.840058490633965 ], [ 457014.906382213113829, 6717161.140058491379023 ], [ 457014.906382213113829, 6717160.790058490820229 ], [ 457015.606382213125471, 6717160.090058490633965 ], [ 457015.606382213125471, 6717159.740058491006494 ], [ 457017.006382213148754, 6717158.690058491192758 ], [ 457017.356040416227188, 6717159.039706013165414 ], [ 457017.706382213102188, 6717159.040058490820229 ], [ 457018.406040416273754, 6717159.739706013351679 ], [ 457018.756382213148754, 6717159.740058491006494 ], [ 457019.456040416262113, 6717160.439706012606621 ], [ 457019.806382213137113, 6717160.440058491192758 ], [ 457020.506040416250471, 6717161.139706012792885 ], [ 457020.856382213125471, 6717161.140058491379023 ], [ 457021.556040416238829, 6717161.83970601297915 ], [ 457021.906382213113829, 6717161.840058490633965 ], [ 457022.606040416227188, 6717162.539706013165414 ], [ 457022.956382213102188, 6717162.540058490820229 ], [ 457023.656040416273754, 6717163.239706013351679 ], [ 457024.006382213148754, 6717163.240058491006494 ], [ 457025.056724009977188, 6717164.990410968661308 ], [ 457024.356724010023754, 6717165.690410968847573 ], [ 457024.356724010023754, 6717166.040410969406366 ], [ 457023.656724010012113, 6717166.740410968661308 ], [ 457023.656724010012113, 6717167.090410969220102 ], [ 457022.956724010000471, 6717167.790410969406366 ], [ 457022.956724010000471, 6717168.140410969033837 ], [ 457021.906724010012113, 6717169.190410968847573 ], [ 457021.906724010012113, 6717169.540410969406366 ], [ 457021.206724010000471, 6717170.240410968661308 ], [ 457021.206724010000471, 6717170.590410969220102 ], [ 457020.506724009988829, 6717171.290410969406366 ], [ 457020.506724009988829, 6717171.640410969033837 ], [ 457019.806724009977188, 6717172.340410969220102 ], [ 457019.806724009977188, 6717172.690410968847573 ], [ 457019.106724010023754, 6717173.390410969033837 ], [ 457019.106724010023754, 6717173.740410968661308 ], [ 457018.406724010012113, 6717174.440410968847573 ], [ 457018.406724010012113, 6717174.790410969406366 ], [ 457017.706724010000471, 6717175.490410968661308 ], [ 457017.706724010000471, 6717175.840410969220102 ], [ 457016.656724010012113, 6717176.890410969033837 ], [ 457016.656724010012113, 6717177.240410968661308 ], [ 457015.956724010000471, 6717177.940410968847573 ], [ 457015.956724010000471, 6717178.290410969406366 ], [ 457015.256724009988829, 6717178.990410968661308 ], [ 457015.256724009988829, 6717179.340410969220102 ], [ 457014.556724009977188, 6717180.040410969406366 ], [ 457014.556724009977188, 6717180.390410969033837 ], [ 457013.856724010023754, 6717181.090410969220102 ], [ 457013.856724010023754, 6717181.440410968847573 ], [ 457013.156724010012113, 6717182.140410969033837 ], [ 457013.156724010012113, 6717182.490410968661308 ], [ 457012.456724010000471, 6717183.190410968847573 ], [ 457012.456724010000471, 6717183.540410969406366 ], [ 457011.756724009988829, 6717184.240410968661308 ], [ 457011.756724009988829, 6717184.590410969220102 ], [ 457010.706724010000471, 6717185.640410969033837 ], [ 457010.706724010000471, 6717185.990410968661308 ], [ 457010.006724009988829, 6717186.690410968847573 ], [ 457010.006724009988829, 6717187.040410969406366 ], [ 457009.306724009977188, 6717187.740410968661308 ], [ 457009.306724009977188, 6717188.090410969220102 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456914.806382213137113, 6717183.190058491192758 ], [ 456914.456382213102188, 6717182.840058490633965 ], [ 456913.756029735086486, 6717182.83970601297915 ], [ 456913.406382213113829, 6717182.490058491006494 ], [ 456913.056382213137113, 6717182.490058491006494 ], [ 456912.356382213125471, 6717181.790058490820229 ], [ 456912.006382213148754, 6717181.790058490820229 ], [ 456911.306382213137113, 6717181.090058490633965 ], [ 456910.956382213102188, 6717181.090058490633965 ], [ 456910.256382213148754, 6717180.390058491379023 ], [ 456909.906382213113829, 6717180.390058491379023 ], [ 456909.556382213137113, 6717178.990058491006494 ], [ 456910.256382213148754, 6717178.290058490820229 ], [ 456910.256382213148754, 6717177.940058491192758 ], [ 456911.306382213137113, 6717176.890058491379023 ], [ 456911.306382213137113, 6717176.540058490820229 ], [ 456912.706382213102188, 6717175.490058491006494 ], [ 456913.056029735074844, 6717175.83970601297915 ], [ 456913.406382213113829, 6717175.840058490633965 ], [ 456914.456029735098127, 6717176.889706012792885 ], [ 456914.806382213137113, 6717176.890058491379023 ], [ 456915.506029735086486, 6717177.58970601297915 ], [ 456915.856382213125471, 6717177.590058490633965 ], [ 456917.256734691152815, 6717179.690410968847573 ], [ 456916.906734691176098, 6717180.040410969406366 ], [ 456916.906734691176098, 6717180.390410969033837 ], [ 456916.206734691164456, 6717181.090410969220102 ], [ 456916.206734691164456, 6717181.440410968847573 ], [ 456915.506734691152815, 6717182.140410969033837 ], [ 456915.506734691152815, 6717182.490410968661308 ], [ 456914.806382213137113, 6717183.190058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456894.506382213148754, 6717172.340058490633965 ], [ 456894.156382213113829, 6717171.990058491006494 ], [ 456893.806029735074844, 6717171.989706013351679 ], [ 456888.206734691164456, 6717165.340410969220102 ], [ 456888.556382213137113, 6717164.990058491006494 ], [ 456888.556382213137113, 6717164.640058491379023 ], [ 456894.156382213113829, 6717160.440058491192758 ], [ 456900.106734691129532, 6717167.790410969406366 ], [ 456894.506382213148754, 6717172.340058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456985.856382213125471, 6717168.490058491006494 ], [ 456985.506382213148754, 6717168.140058491379023 ], [ 456984.806029735074844, 6717168.139706012792885 ], [ 456984.456382213102188, 6717167.790058490820229 ], [ 456984.106382213125471, 6717167.790058490820229 ], [ 456983.406382213113829, 6717167.090058490633965 ], [ 456983.056382213137113, 6717167.090058490633965 ], [ 456982.356382213125471, 6717166.390058491379023 ], [ 456982.006382213148754, 6717166.390058491379023 ], [ 456981.306382213137113, 6717165.690058491192758 ], [ 456980.956382213102188, 6717165.690058491192758 ], [ 456980.256382213148754, 6717164.990058491006494 ], [ 456979.906382213113829, 6717164.990058491006494 ], [ 456979.206382213102188, 6717164.290058490820229 ], [ 456978.856382213125471, 6717164.290058490820229 ], [ 456978.156382213113829, 6717163.590058490633965 ], [ 456977.806382213137113, 6717163.590058490633965 ], [ 456977.456382213102188, 6717162.190058491192758 ], [ 456978.156382213113829, 6717161.490058491006494 ], [ 456978.156382213113829, 6717161.140058491379023 ], [ 456978.856382213125471, 6717160.440058491192758 ], [ 456978.856382213125471, 6717160.090058490633965 ], [ 456979.906382213113829, 6717159.040058490820229 ], [ 456979.906382213113829, 6717158.690058491192758 ], [ 456980.606382213125471, 6717157.990058491006494 ], [ 456980.606382213125471, 6717157.640058491379023 ], [ 456981.306382213137113, 6717156.940058491192758 ], [ 456981.306382213137113, 6717156.590058490633965 ], [ 456982.006382213148754, 6717155.890058491379023 ], [ 456982.006382213148754, 6717155.540058490820229 ], [ 456982.706382213102188, 6717154.840058490633965 ], [ 456982.706382213102188, 6717154.490058491006494 ], [ 456983.406382213113829, 6717153.790058490820229 ], [ 456983.406382213113829, 6717153.440058491192758 ], [ 456984.456382213102188, 6717152.390058491379023 ], [ 456984.456382213102188, 6717152.040058490820229 ], [ 456985.156382213113829, 6717151.340058490633965 ], [ 456985.156382213113829, 6717150.990058491006494 ], [ 456986.556382213137113, 6717149.940058491192758 ], [ 456986.906029735109769, 6717150.289706013165414 ], [ 456987.256382213148754, 6717150.290058490820229 ], [ 456987.956029735098127, 6717150.989706013351679 ], [ 456988.306382213137113, 6717150.990058491006494 ], [ 456989.006029735086486, 6717151.689706012606621 ], [ 456989.356382213125471, 6717151.690058491192758 ], [ 456990.056029735074844, 6717152.389706012792885 ], [ 456990.406382213113829, 6717152.390058491379023 ], [ 456991.10602973512141, 6717153.08970601297915 ], [ 456991.456382213102188, 6717153.090058490633965 ], [ 456992.156029735109769, 6717153.789706013165414 ], [ 456992.506382213148754, 6717153.790058490820229 ], [ 456993.206029735098127, 6717154.489706013351679 ], [ 456993.556382213137113, 6717154.490058491006494 ], [ 456994.606734691129532, 6717156.240410968661308 ], [ 456993.906734691176098, 6717156.940410968847573 ], [ 456993.906734691176098, 6717157.290410969406366 ], [ 456993.206734691164456, 6717157.990410968661308 ], [ 456993.206734691164456, 6717158.340410969220102 ], [ 456992.156734691176098, 6717159.390410969033837 ], [ 456992.156734691176098, 6717159.740410968661308 ], [ 456991.456734691164456, 6717160.440410968847573 ], [ 456991.456734691164456, 6717160.790410969406366 ], [ 456990.756734691152815, 6717161.490410968661308 ], [ 456990.756734691152815, 6717161.840410969220102 ], [ 456990.056734691141173, 6717162.540410969406366 ], [ 456990.056734691141173, 6717162.890410969033837 ], [ 456989.356734691129532, 6717163.590410969220102 ], [ 456989.356734691129532, 6717163.940410968847573 ], [ 456988.656734691176098, 6717164.640410969033837 ], [ 456988.656734691176098, 6717164.990410968661308 ], [ 456987.606734691129532, 6717166.040410969406366 ], [ 456987.606734691129532, 6717166.390410969033837 ], [ 456986.906734691176098, 6717167.090410969220102 ], [ 456986.906734691176098, 6717167.440410968847573 ], [ 456985.856382213125471, 6717168.490058491006494 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456907.106382213125471, 6717160.440058491192758 ], [ 456906.756382213148754, 6717160.090058490633965 ], [ 456906.406029735109769, 6717160.08970601297915 ], [ 456904.656382213113829, 6717158.340058490633965 ], [ 456904.306382213137113, 6717158.340058490633965 ], [ 456902.206734691164456, 6717155.890410969033837 ], [ 456902.556382213137113, 6717155.540058490820229 ], [ 456902.556382213137113, 6717155.190058491192758 ], [ 456904.306382213137113, 6717153.440058491192758 ], [ 456904.306382213137113, 6717153.090058490633965 ], [ 456909.556382213137113, 6717147.840058490633965 ], [ 456909.556382213137113, 6717147.490058491006494 ], [ 456912.356382213125471, 6717145.390058491379023 ], [ 456914.456382213102188, 6717147.490058491006494 ], [ 456914.806382213137113, 6717147.490058491006494 ], [ 456916.906734691176098, 6717150.290410969406366 ], [ 456914.806734691141173, 6717152.390410969033837 ], [ 456914.806734691141173, 6717152.740410968661308 ], [ 456909.556734691141173, 6717157.990410968661308 ], [ 456909.556734691141173, 6717158.340410969220102 ], [ 456907.106382213125471, 6717160.440058491192758 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 457002.306734691141173, 6717157.990410968661308 ], [ 457001.256382213148754, 6717158.340058490633965 ], [ 457000.906382213113829, 6717157.990058491006494 ], [ 457000.556382213137113, 6717157.990058491006494 ], [ 456999.156382213113829, 6717156.590058490633965 ], [ 456998.806382213137113, 6717156.590058490633965 ], [ 456997.406382213113829, 6717155.190058491192758 ], [ 456997.056382213137113, 6717155.190058491192758 ], [ 456996.706382213102188, 6717153.790058490820229 ], [ 456997.756382213148754, 6717152.740058491006494 ], [ 456997.756382213148754, 6717152.390058491379023 ], [ 456998.806382213137113, 6717151.340058490633965 ], [ 456998.806382213137113, 6717150.990058491006494 ], [ 457000.556382213137113, 6717149.590058490633965 ], [ 457000.906029735109769, 6717149.939706012606621 ], [ 457001.256382213148754, 6717149.940058491192758 ], [ 457002.306029735074844, 6717150.989706013351679 ], [ 457002.656382213113829, 6717150.990058491006494 ], [ 457003.706029735098127, 6717152.039706013165414 ], [ 457004.056382213137113, 6717152.040058490820229 ], [ 457005.456734691164456, 6717153.790410969406366 ], [ 457005.106734691129532, 6717154.140410969033837 ], [ 457005.106734691129532, 6717154.490410968661308 ], [ 457003.706734691164456, 6717155.890410969033837 ], [ 457003.706734691164456, 6717156.240410968661308 ], [ 457002.306734691141173, 6717157.640410969033837 ], [ 457002.306734691141173, 6717157.990410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456969.756734691152815, 6717154.490410968661308 ], [ 456968.356382213125471, 6717155.540058490820229 ], [ 456968.006382213148754, 6717155.190058491192758 ], [ 456967.306382213137113, 6717155.190058491192758 ], [ 456966.606382213125471, 6717154.490058491006494 ], [ 456966.256382213148754, 6717154.490058491006494 ], [ 456965.906382213113829, 6717154.140058491379023 ], [ 456965.556382213137113, 6717154.140058491379023 ], [ 456964.856382213125471, 6717153.440058491192758 ], [ 456964.506382213148754, 6717153.440058491192758 ], [ 456963.806382213137113, 6717152.740058491006494 ], [ 456963.456382213102188, 6717152.740058491006494 ], [ 456962.756382213148754, 6717152.040058490820229 ], [ 456962.406382213113829, 6717152.040058490820229 ], [ 456962.056382213137113, 6717151.690058491192758 ], [ 456961.706382213102188, 6717151.690058491192758 ], [ 456961.006382213148754, 6717150.990058491006494 ], [ 456960.656382213113829, 6717150.990058491006494 ], [ 456959.606734691129532, 6717149.590410969220102 ], [ 456959.956382213102188, 6717149.240058491006494 ], [ 456959.956382213102188, 6717148.890058491379023 ], [ 456960.306382213137113, 6717148.540058490820229 ], [ 456960.306382213137113, 6717148.190058491192758 ], [ 456960.656382213113829, 6717147.840058490633965 ], [ 456960.656382213113829, 6717147.490058491006494 ], [ 456961.356382213125471, 6717146.790058490820229 ], [ 456961.356382213125471, 6717146.440058491192758 ], [ 456962.056382213137113, 6717145.740058491006494 ], [ 456962.056382213137113, 6717145.390058491379023 ], [ 456962.406382213113829, 6717145.040058490820229 ], [ 456962.406382213113829, 6717144.690058491192758 ], [ 456963.106382213125471, 6717143.990058491006494 ], [ 456963.106382213125471, 6717143.640058491379023 ], [ 456963.806382213137113, 6717142.940058491192758 ], [ 456963.806382213137113, 6717142.590058490633965 ], [ 456964.156382213113829, 6717142.240058491006494 ], [ 456964.156382213113829, 6717141.890058491379023 ], [ 456965.906382213113829, 6717140.840058490633965 ], [ 456966.60602973512141, 6717141.539706013165414 ], [ 456966.956382213102188, 6717141.540058490820229 ], [ 456967.656029735109769, 6717142.239706013351679 ], [ 456968.006382213148754, 6717142.240058491006494 ], [ 456968.35602973512141, 6717142.58970601297915 ], [ 456968.706382213102188, 6717142.590058490633965 ], [ 456969.406029735109769, 6717143.289706013165414 ], [ 456969.756382213148754, 6717143.290058490820229 ], [ 456970.456029735098127, 6717143.989706013351679 ], [ 456970.806382213137113, 6717143.990058491006494 ], [ 456971.506029735086486, 6717144.689706012606621 ], [ 456971.856382213125471, 6717144.690058491192758 ], [ 456972.206029735098127, 6717145.039706013165414 ], [ 456972.556382213137113, 6717145.040058490820229 ], [ 456973.256029735086486, 6717145.739706013351679 ], [ 456973.606382213125471, 6717145.740058491006494 ], [ 456974.306734691141173, 6717147.140410969033837 ], [ 456973.606734691129532, 6717147.840410969220102 ], [ 456973.606734691129532, 6717148.190410968847573 ], [ 456973.256734691152815, 6717148.540410969406366 ], [ 456973.256734691152815, 6717148.890410969033837 ], [ 456972.556734691141173, 6717149.590410969220102 ], [ 456972.556734691141173, 6717149.940410968847573 ], [ 456971.856734691129532, 6717150.640410969033837 ], [ 456971.856734691129532, 6717150.990410968661308 ], [ 456971.506734691152815, 6717151.340410969220102 ], [ 456971.506734691152815, 6717151.690410968847573 ], [ 456970.806734691141173, 6717152.390410969033837 ], [ 456970.806734691141173, 6717152.740410968661308 ], [ 456970.106734691129532, 6717153.440410968847573 ], [ 456970.106734691129532, 6717153.790410969406366 ], [ 456969.756734691152815, 6717154.140410969033837 ], [ 456969.756734691152815, 6717154.490410968661308 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456852.506382213148754, 6717114.590058490633965 ], [ 456852.156382213113829, 6717114.240058491006494 ], [ 456851.806032405409496, 6717114.239706013351679 ], [ 456850.406382213113829, 6717112.840058490633965 ], [ 456850.056382213137113, 6717112.840058490633965 ], [ 456847.956732020888012, 6717110.390410969033837 ], [ 456848.306382213137113, 6717110.040058490820229 ], [ 456848.306382213137113, 6717109.690058491192758 ], [ 456851.806382213137113, 6717106.190058491192758 ], [ 456851.806382213137113, 6717105.840058490633965 ], [ 456856.356382213125471, 6717101.990058491006494 ], [ 456860.556732020864729, 6717106.890410969033837 ], [ 456852.506382213148754, 6717114.590058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456991.456382213102188, 6717110.040058490820229 ], [ 456991.106382213125471, 6717109.690058491192758 ], [ 456990.406029735109769, 6717109.689706012606621 ], [ 456990.056382213137113, 6717109.340058490633965 ], [ 456989.706382213102188, 6717109.340058490633965 ], [ 456989.006382213148754, 6717108.640058491379023 ], [ 456988.656382213113829, 6717108.640058491379023 ], [ 456987.956382213102188, 6717107.940058491192758 ], [ 456987.606382213125471, 6717107.940058491192758 ], [ 456986.906382213113829, 6717107.240058491006494 ], [ 456986.556382213137113, 6717107.240058491006494 ], [ 456986.206382213102188, 6717105.840058490633965 ], [ 456986.906382213113829, 6717105.140058491379023 ], [ 456986.906382213113829, 6717104.790058490820229 ], [ 456987.606382213125471, 6717104.090058490633965 ], [ 456987.606382213125471, 6717103.740058491006494 ], [ 456987.956029735098127, 6717103.389706012792885 ], [ 456987.956734691164456, 6717103.040410969406366 ], [ 456988.656382213113829, 6717102.340058490633965 ], [ 456988.656382213113829, 6717101.990058491006494 ], [ 456989.356382213125471, 6717101.290058490820229 ], [ 456989.356382213125471, 6717100.940058491192758 ], [ 456990.756382213148754, 6717099.890058491379023 ], [ 456991.10602973512141, 6717100.239706013351679 ], [ 456991.456382213102188, 6717100.240058491006494 ], [ 456992.156029735109769, 6717100.939706012606621 ], [ 456992.506382213148754, 6717100.940058491192758 ], [ 456993.206029735098127, 6717101.639706012792885 ], [ 456993.556382213137113, 6717101.640058491379023 ], [ 456994.256029735086486, 6717102.33970601297915 ], [ 456994.606382213125471, 6717102.340058490633965 ], [ 456995.656734691176098, 6717104.090410969220102 ], [ 456994.956734691164456, 6717104.790410969406366 ], [ 456994.956734691164456, 6717105.140410969033837 ], [ 456994.256734691152815, 6717105.840410969220102 ], [ 456994.256734691152815, 6717106.190410968847573 ], [ 456993.556734691141173, 6717106.890410969033837 ], [ 456993.556734691141173, 6717107.240410968661308 ], [ 456993.206734691164456, 6717107.590410969220102 ], [ 456993.206734691164456, 6717107.940410968847573 ], [ 456992.506734691152815, 6717108.640410969033837 ], [ 456992.506734691152815, 6717108.990410968661308 ], [ 456991.456382213102188, 6717110.040058490820229 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456844.106382213125471, 6717093.590058490633965 ], [ 456843.756382213148754, 6717093.240058491006494 ], [ 456843.406032405386213, 6717093.239706013351679 ], [ 456840.25673202087637, 6717089.040410969406366 ], [ 456846.906382213113829, 6717083.790058490820229 ], [ 456850.406732020841446, 6717088.690410968847573 ], [ 456844.106382213125471, 6717093.590058490633965 ] ] ] } }, + { "type": "Feature", "properties": { }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 456929.506734691152815, 6717062.440400287508965 ], [ 456927.756382213148754, 6717063.140058491379023 ], [ 456926.356382213125471, 6717061.740058491006494 ], [ 456926.006382213148754, 6717061.740058491006494 ], [ 456924.956382213102188, 6717060.690058491192758 ], [ 456924.606382213125471, 6717060.690058491192758 ], [ 456922.506734691152815, 6717058.590400287881494 ], [ 456922.856382213125471, 6717058.240058491006494 ], [ 456922.856382213125471, 6717057.540058490820229 ], [ 456923.906382213113829, 6717056.490058491006494 ], [ 456923.906382213113829, 6717056.140058491379023 ], [ 456924.956382213102188, 6717055.090058490633965 ], [ 456924.956382213102188, 6717054.740058491006494 ], [ 456926.006382213148754, 6717054.390058491379023 ], [ 456926.35602973512141, 6717054.739716693758965 ], [ 456926.706382213102188, 6717054.740058491006494 ], [ 456927.756029735086486, 6717055.789716694504023 ], [ 456928.106382213125471, 6717055.790058490820229 ], [ 456928.806382213137113, 6717056.490058491006494 ], [ 456929.156382213113829, 6717056.490058491006494 ], [ 456930.206029735098127, 6717057.539716694504023 ], [ 456930.556382213137113, 6717057.540058490820229 ], [ 456931.956734691164456, 6717059.290400288067758 ], [ 456931.256734691152815, 6717059.990400288254023 ], [ 456931.256734691152815, 6717060.340400287881494 ], [ 456929.506734691152815, 6717062.090400287881494 ], [ 456929.506734691152815, 6717062.440400287508965 ] ] ] } } ] }