diff --git a/MiAlgo/Dockerfile b/MiAlgo/Dockerfile new file mode 100644 index 0000000000000000000000000000000000000000..6c809d311b7e72a759f6710a6a5b6ac93f81b176 --- /dev/null +++ b/MiAlgo/Dockerfile @@ -0,0 +1,9 @@ +FROM q935970314/mialgo:2022 + +COPY . /workdir/ + +RUN export PATH=/opt/conda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin && pip install grayness_index_python + +WORKDIR /workdir/ + + diff --git a/MiAlgo/README.txt b/MiAlgo/README.txt new file mode 100644 index 0000000000000000000000000000000000000000..3d79e7dd0d17de7c5bb0a3c4a980bc8e9927f4be --- /dev/null +++ b/MiAlgo/README.txt @@ -0,0 +1,16 @@ +Run the code to build docker and process the night image: + +docker build -t mialgo24 . + +cd DATA_FOLDER_PATH +docker run -it --rm --gpus all -v $(pwd)/data:/data mialgo24 ./run.sh + + +Please note that the "--gpus all" parameter is used and ensure that the model is running on the GPU. +We first load all images into memory. If the memory explodes, please process less than 50 images at a time. + +We will open source the code after the competition ends. + +If you have any questions, please contact me in time, thank you. + +Email:liushuai21@xiaomi.com diff --git a/MiAlgo/__pycache__/net_torch.cpython-36.pyc b/MiAlgo/__pycache__/net_torch.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a0a87f5abb76e03805ab7f663157fc0079faf538 Binary files /dev/null and b/MiAlgo/__pycache__/net_torch.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/network.cpython-36.pyc b/MiAlgo/__pycache__/network.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7055647398ad277b1407b94bbc4ec8c95cc0afcc Binary files /dev/null and b/MiAlgo/__pycache__/network.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/network.cpython-37.pyc b/MiAlgo/__pycache__/network.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d2be3ae09f31fb16d6ed90262ddb31c6f8f58ed0 Binary files /dev/null and b/MiAlgo/__pycache__/network.cpython-37.pyc differ diff --git a/MiAlgo/__pycache__/network.cpython-38.pyc b/MiAlgo/__pycache__/network.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3fb7f110c33265a68a6a9f187fbfd20cd5127759 Binary files /dev/null and b/MiAlgo/__pycache__/network.cpython-38.pyc differ diff --git a/MiAlgo/__pycache__/network_raw_denoise.cpython-36.pyc b/MiAlgo/__pycache__/network_raw_denoise.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ebfe8f352ab5b9cf0b057374eaec03980ef4bda9 Binary files /dev/null and b/MiAlgo/__pycache__/network_raw_denoise.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/network_raw_denoise.cpython-38.pyc b/MiAlgo/__pycache__/network_raw_denoise.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..34454655472a404931100cdbaf756e72f6baab88 Binary files /dev/null and b/MiAlgo/__pycache__/network_raw_denoise.cpython-38.pyc differ diff --git a/MiAlgo/__pycache__/tf2onnx.cpython-36.pyc b/MiAlgo/__pycache__/tf2onnx.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ce626f53653b4d0747155623ef5e181ecd18f9ed Binary files /dev/null and b/MiAlgo/__pycache__/tf2onnx.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/unet.cpython-36.pyc b/MiAlgo/__pycache__/unet.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7910007468ebe2e99699c37b060d53dece11669c Binary files /dev/null and b/MiAlgo/__pycache__/unet.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/unet.cpython-37.pyc b/MiAlgo/__pycache__/unet.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..408c240b1d14bbc7c72712dd081938de9fc6a319 Binary files /dev/null and b/MiAlgo/__pycache__/unet.cpython-37.pyc differ diff --git a/MiAlgo/__pycache__/unet.cpython-38.pyc b/MiAlgo/__pycache__/unet.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c24b91506d5d4ffd9813617c83c461fc63da010c Binary files /dev/null and b/MiAlgo/__pycache__/unet.cpython-38.pyc differ diff --git a/MiAlgo/__pycache__/utils.cpython-36.pyc b/MiAlgo/__pycache__/utils.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6e58d980e83a86b3865449d4b6340dab083b9f0e Binary files /dev/null and b/MiAlgo/__pycache__/utils.cpython-36.pyc differ diff --git a/MiAlgo/__pycache__/utils.cpython-37.pyc b/MiAlgo/__pycache__/utils.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a628905f336a933918b70a3467c5312565910232 Binary files /dev/null and b/MiAlgo/__pycache__/utils.cpython-37.pyc differ diff --git a/MiAlgo/__pycache__/utils.cpython-38.pyc b/MiAlgo/__pycache__/utils.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b596b812b1c19518d273c1593a9d2dda2f5f3f8f Binary files /dev/null and b/MiAlgo/__pycache__/utils.cpython-38.pyc differ diff --git a/MiAlgo/assets/pretrained/hub/checkpoints/squeezenet1_1-f364aa15.pth b/MiAlgo/assets/pretrained/hub/checkpoints/squeezenet1_1-f364aa15.pth new file mode 100644 index 0000000000000000000000000000000000000000..5fd16fb3c6d1ded45f5b4860ba9453d32ceaec5c --- /dev/null +++ b/MiAlgo/assets/pretrained/hub/checkpoints/squeezenet1_1-f364aa15.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f364aa15cc776cd43e679ca0859f479db11ef4852a4e79bb237519f9d16617c5 +size 4966400 diff --git a/MiAlgo/auxiliary/__pycache__/settings.cpython-36.pyc b/MiAlgo/auxiliary/__pycache__/settings.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..045356b88148e14de4c8c1657137b5a15ecbcc3e Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/settings.cpython-36.pyc differ diff --git a/MiAlgo/auxiliary/__pycache__/settings.cpython-37.pyc b/MiAlgo/auxiliary/__pycache__/settings.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9b2ad2b8bba2cf6998342b8fd7c3e25b9f4a0855 Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/settings.cpython-37.pyc differ diff --git a/MiAlgo/auxiliary/__pycache__/settings.cpython-38.pyc b/MiAlgo/auxiliary/__pycache__/settings.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..978d4c4723a42356fcc8182be0ddb9fd2a7de235 Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/settings.cpython-38.pyc differ diff --git a/MiAlgo/auxiliary/__pycache__/utils.cpython-36.pyc b/MiAlgo/auxiliary/__pycache__/utils.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..99b4adde982b472b3bdd7fff2fde953d28c29e0b Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/utils.cpython-36.pyc differ diff --git a/MiAlgo/auxiliary/__pycache__/utils.cpython-37.pyc b/MiAlgo/auxiliary/__pycache__/utils.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..370f4c8dad02a2616044406a129a5a29355cee71 Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/utils.cpython-37.pyc differ diff --git a/MiAlgo/auxiliary/__pycache__/utils.cpython-38.pyc b/MiAlgo/auxiliary/__pycache__/utils.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fee6b45e619647cf6e4ad50582405cf542bd66a7 Binary files /dev/null and b/MiAlgo/auxiliary/__pycache__/utils.cpython-38.pyc differ diff --git a/MiAlgo/auxiliary/settings.py b/MiAlgo/auxiliary/settings.py new file mode 100644 index 0000000000000000000000000000000000000000..301e1058b5cf9b2bc477e273ef537cf2aa1aef81 --- /dev/null +++ b/MiAlgo/auxiliary/settings.py @@ -0,0 +1,47 @@ +import re + +import numpy as np +import torch + + +# --- Determinism (for reproducibility) --- + +def make_deterministic(seed: int): + torch.manual_seed(seed) + np.random.seed(seed) + torch.backends.cudnn.benchmark = False + + +# --- Device (cpu or cuda:n) --- + +DEVICE_TYPE = "cuda:0" + + +def get_device() -> torch.device: + if DEVICE_TYPE == "cpu": + print("\n Running on device 'cpu' \n") + return torch.device("cpu") + + if re.match(r"\bcuda:\b\d+", DEVICE_TYPE): + if not torch.cuda.is_available(): + print("\n WARNING: running on cpu since device {} is not available \n".format(DEVICE_TYPE)) + return torch.device("cpu") + + # print("\n Running on device '{}' \n".format(DEVICE_TYPE)) + return torch.device(DEVICE_TYPE) + + raise ValueError("ERROR: {} is not a valid device! Supported device are 'cpu' and 'cuda:n'".format(DEVICE_TYPE)) + + +DEVICE = get_device() + +# --- Model --- + +# If set to False, a simpler summation pooling will be used +USE_CONFIDENCE_WEIGHTED_POOLING = True +if not USE_CONFIDENCE_WEIGHTED_POOLING: + print("\n WARN: confidence-weighted pooling option is set to False \n") + +# Input size +TRAIN_IMG_W, TRAIN_IMG_H = 512, 512 +TEST_IMG_W, TEST_IMG_H = 0, 0 diff --git a/MiAlgo/auxiliary/utils.py b/MiAlgo/auxiliary/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..59a66a0f755d43fb35a05f3c2adac37fbfaeff0b --- /dev/null +++ b/MiAlgo/auxiliary/utils.py @@ -0,0 +1,107 @@ +import math +import os +from typing import Union, List, Tuple + +import numpy as np +import torch +import torchvision.transforms.functional as F +from PIL.Image import Image +from scipy.spatial.distance import jensenshannon +from torch import Tensor +from torch.nn.functional import interpolate + +from auxiliary.settings import DEVICE + + + +def print_metrics(current_metrics: dict, best_metrics: dict): + print(" Mean ......... : {:.4f} (Best: {:.4f})".format(current_metrics["mean"], best_metrics["mean"])) + print(" Median ....... : {:.4f} (Best: {:.4f})".format(current_metrics["median"], best_metrics["median"])) + print(" Trimean ...... : {:.4f} (Best: {:.4f})".format(current_metrics["trimean"], best_metrics["trimean"])) + print(" Best 25% ..... : {:.4f} (Best: {:.4f})".format(current_metrics["bst25"], best_metrics["bst25"])) + print(" Worst 25% .... : {:.4f} (Best: {:.4f})".format(current_metrics["wst25"], best_metrics["wst25"])) + print(" Worst 5% ..... : {:.4f} (Best: {:.4f})".format(current_metrics["wst5"], best_metrics["wst5"])) + + +def correct(img: Image, illuminant: Tensor) -> Image: + """ + Corrects the color of the illuminant of a linear image based on an estimated (linear) illuminant + @param img: a linear image + @param illuminant: a linear illuminant + @return: a non-linear color-corrected version of the input image + """ + img = F.to_tensor(img).to(DEVICE) + + # Correct the image + correction = illuminant.unsqueeze(2).unsqueeze(3) * torch.sqrt(Tensor([3])).to(DEVICE) + corrected_img = torch.div(img, correction + 1e-10) + + # Normalize the image + max_img = torch.max(torch.max(torch.max(corrected_img, dim=1)[0], dim=1)[0], dim=1)[0] + 1e-10 + max_img = max_img.unsqueeze(1).unsqueeze(1).unsqueeze(1) + normalized_img = torch.div(corrected_img, max_img) + + return F.to_pil_image(linear_to_nonlinear(normalized_img).squeeze(), mode="RGB") + + +def linear_to_nonlinear(img: Union[np.array, Image, Tensor]) -> Union[np.array, Image, Tensor]: + if isinstance(img, np.ndarray): + return np.power(img, (1.0 / 2.2)) + if isinstance(img, Tensor): + return torch.pow(img, 1.0 / 2.2) + return F.to_pil_image(torch.pow(F.to_tensor(img), 1.0 / 2.2).squeeze(), mode="RGB") + + +def normalize(img: np.ndarray) -> np.ndarray: + max_int = 65535.0 + return np.clip(img, 0.0, max_int) * (1.0 / max_int) + + +def rgb_to_bgr(x: np.ndarray) -> np.ndarray: + return x[::-1] + + +def bgr_to_rgb(x: np.ndarray) -> np.ndarray: + return x[:, :, ::-1] + + +def hwc_to_chw(x: np.ndarray) -> np.ndarray: + """ Converts an image from height x width x channels to channels x height x width """ + return x.transpose(2, 0, 1) + + +def scale(x: Tensor) -> Tensor: + """ Scales all values of a tensor between 0 and 1 """ + x = x - x.min() + x = x / x.max() + return x + + +def rescale(x: Tensor, size: Tuple) -> Tensor: + """ Rescale tensor to image size for better visualization """ + return interpolate(x, size, mode='bilinear') + + +def angular_error(x: Tensor, y: Tensor, safe_v: float = 0.999999) -> Tensor: + x, y = torch.nn.functional.normalize(x, dim=1), torch.nn.functional.normalize(y, dim=1) + dot = torch.clamp(torch.sum(x * y, dim=1), -safe_v, safe_v) + angle = torch.acos(dot) * (180 / math.pi) + return torch.mean(angle).item() + + +def tvd(pred: Tensor, label: Tensor) -> Tensor: + """ + Total Variation Distance (TVD) is a distance measure for probability distributions + https://en.wikipedia.org/wiki/Total_variation_distance_of_probability_measures + """ + return (Tensor([0.5]) * torch.abs(pred - label)).sum() + + +def jsd(p: List, q: List) -> float: + """ + Jensen-Shannon Divergence (JSD) between two probability distributions as square of scipy's JS distance. Refs: + - https://docs.scipy.org/doc/scipy/reference/generated/scipy.spatial.distance.jensenshannon.html + - https://stackoverflow.com/questions/15880133/jensen-shannon-divergence + """ + return jensenshannon(p, q) ** 2 + diff --git a/MiAlgo/checkpoint/nn_enhance.pth b/MiAlgo/checkpoint/nn_enhance.pth new file mode 100644 index 0000000000000000000000000000000000000000..8a818c1a89c25b7ac7517581b511a841e06fb04c --- /dev/null +++ b/MiAlgo/checkpoint/nn_enhance.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37c37648922f149ebefcec8b4c32c687bbafacd1efd99e288b235aab6e834ad5 +size 152303133 diff --git a/MiAlgo/checkpoint/raw_denoise.pth b/MiAlgo/checkpoint/raw_denoise.pth new file mode 100644 index 0000000000000000000000000000000000000000..d16cabed996779fbdf21c6b669b55ba9017bbf03 --- /dev/null +++ b/MiAlgo/checkpoint/raw_denoise.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a987213026b43e214196154494e5b54045721dea11dcb8e6f1f2d8e632445699 +size 2072446 diff --git a/MiAlgo/classes/core/Evaluator.py b/MiAlgo/classes/core/Evaluator.py new file mode 100644 index 0000000000000000000000000000000000000000..3228927d1832c40bf10bc8ef32501c67660ff4e1 --- /dev/null +++ b/MiAlgo/classes/core/Evaluator.py @@ -0,0 +1,49 @@ +import numpy as np + + +class Evaluator: + + def __init__(self): + monitored_metrics = ["mean", "median", "trimean", "bst25", "wst25", "wst5"] + self.__metrics = {} + self.__best_metrics = {m: 100.0 for m in monitored_metrics} + self.__errors = [] + + def add_error(self, error: float): + self.__errors.append(error) + + def reset_errors(self): + self.__errors = [] + + def get_errors(self) -> list: + return self.__errors + + def get_metrics(self) -> dict: + return self.__metrics + + def get_best_metrics(self) -> dict: + return self.__best_metrics + + def compute_metrics(self) -> dict: + self.__errors = sorted(self.__errors) + self.__metrics = { + "mean": np.mean(self.__errors), + "median": self.__g(0.5), + "trimean": 0.25 * (self.__g(0.25) + 2 * self.__g(0.5) + self.__g(0.75)), + "bst25": np.mean(self.__errors[:int(0.25 * len(self.__errors))]), + "wst25": np.mean(self.__errors[int(0.75 * len(self.__errors)):]), + "wst5": self.__g(0.95) + } + return self.__metrics + + def update_best_metrics(self) -> dict: + self.__best_metrics["mean"] = self.__metrics["mean"] + self.__best_metrics["median"] = self.__metrics["median"] + self.__best_metrics["trimean"] = self.__metrics["trimean"] + self.__best_metrics["bst25"] = self.__metrics["bst25"] + self.__best_metrics["wst25"] = self.__metrics["wst25"] + self.__best_metrics["wst5"] = self.__metrics["wst5"] + return self.__best_metrics + + def __g(self, f: float) -> float: + return np.percentile(self.__errors, f * 100) diff --git a/MiAlgo/classes/core/Loss.py b/MiAlgo/classes/core/Loss.py new file mode 100644 index 0000000000000000000000000000000000000000..243927761e927d90331c87280e40339f8e0e1fad --- /dev/null +++ b/MiAlgo/classes/core/Loss.py @@ -0,0 +1,13 @@ +import torch +from torch import Tensor + + +class Loss: + def __init__(self, device: torch.device): + self._device = device + + def _compute(self, *args, **kwargs) -> Tensor: + pass + + def __call__(self, *args, **kwargs): + return self._compute(*args).to(self._device) diff --git a/MiAlgo/classes/core/LossTracker.py b/MiAlgo/classes/core/LossTracker.py new file mode 100644 index 0000000000000000000000000000000000000000..a8edc029375597f0a2da925bb4fa206b8b4263ea --- /dev/null +++ b/MiAlgo/classes/core/LossTracker.py @@ -0,0 +1,16 @@ +class LossTracker(object): + + def __init__(self): + self.val, self.avg, self.sum, self.count = 0, 0, 0, 0 + + def reset(self): + self.val, self.avg, self.sum, self.count = 0, 0, 0, 0 + + def update(self, val: float, n: int = 1): + self.val = val + self.sum += val * n + self.count += n + self.avg = self.sum / self.count + + def get_loss(self) -> float: + return self.avg diff --git a/MiAlgo/classes/core/Model.py b/MiAlgo/classes/core/Model.py new file mode 100644 index 0000000000000000000000000000000000000000..0ea92e8cba2e4bc6d5d1bb5513556a1eb25d91d3 --- /dev/null +++ b/MiAlgo/classes/core/Model.py @@ -0,0 +1,43 @@ +import os + +import torch +from torch import Tensor + +from auxiliary.settings import DEVICE +from classes.losses.AngularLoss import AngularLoss + + +class Model: + def __init__(self): + self._device = DEVICE + self._criterion = AngularLoss(self._device) + self._optimizer = None + self._network = None + + def print_network(self): + print("\n----------------------------------------------------------\n") + print(self._network) + print("\n----------------------------------------------------------\n") + + def log_network(self, path_to_log: str): + open(os.path.join(path_to_log, "network.txt"), 'a+').write(str(self._network)) + + def get_loss(self, pred: Tensor, label: Tensor) -> Tensor: + return self._criterion(pred, label) + + def train_mode(self): + self._network = self._network.train() + + def evaluation_mode(self): + self._network = self._network.eval() + + def save(self, path_to_log: str): + torch.save(self._network.state_dict(), os.path.join(path_to_log, "model.pth")) + + def load(self, path_to_pretrained: str): + path_to_model = os.path.join(path_to_pretrained, "model.pth") + self._network.load_state_dict(torch.load(path_to_model, map_location=self._device)) + + def set_optimizer(self, learning_rate: float, optimizer_type: str = "adam"): + optimizers_map = {"adam": torch.optim.Adam, "rmsprop": torch.optim.RMSprop} + self._optimizer = optimizers_map[optimizer_type](self._network.parameters(), lr=learning_rate) diff --git a/MiAlgo/classes/core/__pycache__/Evaluator.cpython-36.pyc b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3ad407b6991c61581a7773e4686b18bb22cd6265 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-36.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Evaluator.cpython-37.pyc b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6c9d970be0eeb2c8bd6c64bb1e3216340b884694 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-37.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Evaluator.cpython-38.pyc b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..21ae373a94fddb59c0ecb03bd12f278aac48b35b Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Evaluator.cpython-38.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Loss.cpython-36.pyc b/MiAlgo/classes/core/__pycache__/Loss.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9f5a4869a270b8908fc8dc8566014e9280cdc0db Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Loss.cpython-36.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Loss.cpython-37.pyc b/MiAlgo/classes/core/__pycache__/Loss.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..43836d17ca819503dca4707e31e2a7799cf344c7 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Loss.cpython-37.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Loss.cpython-38.pyc b/MiAlgo/classes/core/__pycache__/Loss.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d3fb985754cdb110a5e3cf0495620731ea1d5583 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Loss.cpython-38.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Model.cpython-36.pyc b/MiAlgo/classes/core/__pycache__/Model.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c2eb163cfca61e65f5b33ae3f5bc63b3e756d95e Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Model.cpython-36.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Model.cpython-37.pyc b/MiAlgo/classes/core/__pycache__/Model.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b9f62a9d7af00f4e197fac37159ccc463a655b72 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Model.cpython-37.pyc differ diff --git a/MiAlgo/classes/core/__pycache__/Model.cpython-38.pyc b/MiAlgo/classes/core/__pycache__/Model.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..674f4dc7bc65de78bd45e86349b52491271ed9d1 Binary files /dev/null and b/MiAlgo/classes/core/__pycache__/Model.cpython-38.pyc differ diff --git a/MiAlgo/classes/data/ColorCheckerDataset.py b/MiAlgo/classes/data/ColorCheckerDataset.py new file mode 100644 index 0000000000000000000000000000000000000000..9c0d76171205f1a28c7dc02eb3aa368612f82f4e --- /dev/null +++ b/MiAlgo/classes/data/ColorCheckerDataset.py @@ -0,0 +1,52 @@ +import os +from typing import Tuple + +import numpy as np +import scipy.io +import torch +import torch.utils.data as data + +from auxiliary.utils import normalize, bgr_to_rgb, linear_to_nonlinear, hwc_to_chw +from classes.data.DataAugmenter import DataAugmenter + + +class ColorCheckerDataset(data.Dataset): + + def __init__(self, train: bool = True, folds_num: int = 1): + + self.__train = train + self.__da = DataAugmenter() + + path_to_folds = os.path.join("dataset", "folds.mat") + path_to_metadata = os.path.join("dataset", "metadata.txt") + self.__path_to_data = os.path.join("dataset", "preprocessed", "numpy_data") + self.__path_to_label = os.path.join("dataset", "preprocessed", "numpy_labels") + + folds = scipy.io.loadmat(path_to_folds) + img_idx = folds["tr_split" if self.__train else "te_split"][0][folds_num][0] + + metadata = open(path_to_metadata, 'r').readlines() + self.__fold_data = [metadata[i - 1] for i in img_idx] + + def __getitem__(self, index: int) -> Tuple: + file_name = self.__fold_data[index].strip().split(' ')[1] + img = np.array(np.load(os.path.join(self.__path_to_data, file_name + '.npy')), dtype='float32') + illuminant = np.array(np.load(os.path.join(self.__path_to_label, file_name + '.npy')), dtype='float32') + + if self.__train: + img, illuminant = self.__da.augment(img, illuminant) + else: + img = self.__da.crop(img) + + img = hwc_to_chw(linear_to_nonlinear(bgr_to_rgb(normalize(img)))) + + img = torch.from_numpy(img.copy()) + illuminant = torch.from_numpy(illuminant.copy()) + + if not self.__train: + img = img.type(torch.FloatTensor) + + return img, illuminant, file_name + + def __len__(self) -> int: + return len(self.__fold_data) diff --git a/MiAlgo/classes/data/DataAugmenter.py b/MiAlgo/classes/data/DataAugmenter.py new file mode 100644 index 0000000000000000000000000000000000000000..5e5be07f62b94f48a2819df5baa5db35e48eb055 --- /dev/null +++ b/MiAlgo/classes/data/DataAugmenter.py @@ -0,0 +1,152 @@ +import math +import random + +import cv2 +import numpy as np + +from auxiliary.settings import TRAIN_IMG_H, TRAIN_IMG_W, TEST_IMG_H, TEST_IMG_W +from auxiliary.utils import rgb_to_bgr + + +class DataAugmenter: + + def __init__(self): + # Input Size of the fully-convolutional network (SqueezeNet) + self.__train_size = (TRAIN_IMG_H, TRAIN_IMG_W) + self.__test_size = (TEST_IMG_H, TEST_IMG_W) + + # Rotation angle + self.__angle = 60 + + # Patch scale + self.__scale = [0.1, 1.0] + + # Color rescaling + self.__color = 0.8 + + @staticmethod + def __rotate_image(image: np.ndarray, angle: float) -> np.ndarray: + """ + Rotates an OpenCV 2 / NumPy image about it's centre by the given angle (in degrees). + The returned image will be large enough to hold the entire new image, with a black background + """ + + # Get the image size (note: NumPy stores image matrices backwards) + image_size = (image.shape[1], image.shape[0]) + image_center = tuple(np.array(image_size) / 2) + + # Convert the OpenCV 3x2 rotation matrix to 3x3 + rot_mat = np.vstack([cv2.getRotationMatrix2D(image_center, angle, 1.0), [0, 0, 1]]) + + rot_mat_no_translate = np.matrix(rot_mat[0:2, 0:2]) + + image_w2, image_h2 = image_size[0] * 0.5, image_size[1] * 0.5 + + # Obtain the rotated coordinates of the image corners + rotated_coords = [ + (np.array([-image_w2, image_h2]) * rot_mat_no_translate).A[0], + (np.array([image_w2, image_h2]) * rot_mat_no_translate).A[0], + (np.array([-image_w2, -image_h2]) * rot_mat_no_translate).A[0], + (np.array([image_w2, -image_h2]) * rot_mat_no_translate).A[0] + ] + + # Find the size of the new image + x_coords = [pt[0] for pt in rotated_coords] + x_pos, x_neg = [x for x in x_coords if x > 0], [x for x in x_coords if x < 0] + + y_coords = [pt[1] for pt in rotated_coords] + y_pos, y_neg = [y for y in y_coords if y > 0], [y for y in y_coords if y < 0] + + right_bound, left_bound, top_bound, bot_bound = max(x_pos), min(x_neg), max(y_pos), min(y_neg) + new_w, new_h = int(abs(right_bound - left_bound)), int(abs(top_bound - bot_bound)) + + # We require a translation matrix to keep the image centred + trans_mat = np.matrix([[1, 0, int(new_w * 0.5 - image_w2)], [0, 1, int(new_h * 0.5 - image_h2)], [0, 0, 1]]) + + # Compute the transform for the combined rotation and translation + affine_mat = (np.matrix(trans_mat) * np.matrix(rot_mat))[0:2, :] + + # Apply the transform + return cv2.warpAffine(image, affine_mat, (new_w, new_h), flags=cv2.INTER_LINEAR) + + @staticmethod + def __largest_rotated_rect(w: float, h: float, angle: float) -> tuple: + """ + Given a rectangle of size w x h that has been rotated by 'angle' (in radians), computes the width and height of + the largest possible axis-aligned rectangle within the rotated rectangle. + + Original JS code by 'Andri' and Magnus Hoff from Stack Overflow. Converted to Python by Aaron Snoswell + """ + quadrant = int(math.floor(angle / (math.pi / 2))) & 3 + sign_alpha = angle if ((quadrant & 1) == 0) else math.pi - angle + alpha = (sign_alpha % math.pi + math.pi) % math.pi + + bb_w = w * math.cos(alpha) + h * math.sin(alpha) + bb_h = w * math.sin(alpha) + h * math.cos(alpha) + + length = h if (w < h) else w + d = length * math.cos(alpha) + + gamma = math.atan2(bb_w, bb_w) if (w < h) else math.atan2(bb_w, bb_w) + delta = math.pi - alpha - gamma + a = d * math.sin(alpha) / math.sin(delta) + + y = a * math.cos(gamma) + x = y * math.tan(gamma) + + return bb_w - 2 * x, bb_h - 2 * y + + def __crop_around_center(self, image: np.ndarray, width: float, height: float) -> np.ndarray: + """ Given a NumPy / OpenCV 2 image, crops it to the given width and height around it's centre point """ + + image_size = (image.shape[1], image.shape[0]) + image_center = (int(image_size[0] * 0.5), int(image_size[1] * 0.5)) + + width = image_size[0] if width > image_size[0] else width + height = image_size[1] if height > image_size[1] else height + + x1, x2 = int(image_center[0] - width * 0.5), int(image_center[0] + width * 0.5) + y1, y2 = int(image_center[1] - height * 0.5), int(image_center[1] + height * 0.5) + + return cv2.resize(image[y1:y2, x1:x2], self.__train_size) + + def __rotate_and_crop(self, image: np.ndarray, angle: float) -> np.ndarray: + width, height = image.shape[:2] + target_width, target_height = self.__largest_rotated_rect(width, height, math.radians(angle)) + return self.__crop_around_center(self.__rotate_image(image, angle), target_width, target_height) + + @staticmethod + def __random_flip(img: np.ndarray) -> np.ndarray: + """ Perform random left/right flip with probability 0.5 """ + if random.randint(0, 1): + img = img[:, ::-1] + return img.astype(np.float32) + + def augment(self, img: np.ndarray, illumination: np.ndarray) -> tuple: + scale = math.exp(random.random() * math.log(self.__scale[1] / self.__scale[0])) * self.__scale[0] + s = min(max(int(round(min(img.shape[:2]) * scale)), 10), min(img.shape[:2])) + + start_x = random.randrange(0, img.shape[0] - s + 1) + start_y = random.randrange(0, img.shape[1] - s + 1) + img = img[start_x:start_x + s, start_y:start_y + s] + + img = self.__rotate_and_crop(img, angle=(random.random() - 0.5) * self.__angle) + img = self.__random_flip(img) + + color_aug = np.zeros(shape=(3, 3)) + for i in range(3): + color_aug[i, i] = 1 + random.random() * self.__color - 0.5 * self.__color + img *= np.array([[[color_aug[0][0], color_aug[1][1], color_aug[2][2]]]], dtype=np.float32) + new_image = np.clip(img, 0, 65535) + + new_illuminant = np.zeros_like(illumination) + illumination = rgb_to_bgr(illumination) + for i in range(3): + for j in range(3): + new_illuminant[i] += illumination[j] * color_aug[i, j] + new_illuminant = rgb_to_bgr(np.clip(new_illuminant, 0.01, 100)) + + return new_image, new_illuminant + + def crop(self, img: np.ndarray, scale: float = 0.5) -> np.ndarray: + return cv2.resize(img, self.__test_size, fx=scale, fy=scale) diff --git a/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-36.pyc b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..93545a56ee4d9b41ba5efbfb4362bf8ecfe73172 Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-36.pyc differ diff --git a/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-37.pyc b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5d5c1f565f005cb54d98b5e8ae7007155e9f350e Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-37.pyc differ diff --git a/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-38.pyc b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..40f1cdd37350fad88d942528680237c7e699bbb6 Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/ColorCheckerDataset.cpython-38.pyc differ diff --git a/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-36.pyc b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b2bee8fa9a2ada68377071a61d8b98726bb7659e Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-36.pyc differ diff --git a/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-37.pyc b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..34c509e94d26f670436302ac1955218cc72f641b Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-37.pyc differ diff --git a/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-38.pyc b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..53452df00e3f473cb110b2e196a01cac85e58f10 Binary files /dev/null and b/MiAlgo/classes/data/__pycache__/DataAugmenter.cpython-38.pyc differ diff --git a/MiAlgo/classes/fc4/FC4.py b/MiAlgo/classes/fc4/FC4.py new file mode 100644 index 0000000000000000000000000000000000000000..28272cbfa56702ad2c3e3423fe57e1ede6f13f63 --- /dev/null +++ b/MiAlgo/classes/fc4/FC4.py @@ -0,0 +1,63 @@ +from typing import Union + +import torch +from torch import nn, Tensor +from torch.nn.functional import normalize + +from auxiliary.settings import USE_CONFIDENCE_WEIGHTED_POOLING +from classes.fc4.squeezenet.SqueezeNetLoader import SqueezeNetLoader + +""" +FC4: Fully Convolutional Color Constancy with Confidence-weighted Pooling +* Original code: https://github.com/yuanming-hu/fc4 +* Paper: https://www.microsoft.com/en-us/research/publication/fully-convolutional-color-constancy-confidence-weighted-pooling/ +""" + + +class FC4(torch.nn.Module): + + def __init__(self, squeezenet_version: float = 1.1): + super().__init__() + + # SqueezeNet backbone (conv1-fire8) for extracting semantic features + squeezenet = SqueezeNetLoader(squeezenet_version).load(pretrained=True) + self.backbone = nn.Sequential(*list(squeezenet.children())[0][:12]) + + # Final convolutional layers (conv6 and conv7) to extract semi-dense feature maps + self.final_convs = nn.Sequential( + nn.MaxPool2d(kernel_size=2, stride=1, ceil_mode=True), + nn.Conv2d(512, 64, kernel_size=6, stride=1, padding=3), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Conv2d(64, 4 if USE_CONFIDENCE_WEIGHTED_POOLING else 3, kernel_size=1, stride=1), + nn.ReLU(inplace=True) + ) + + def forward(self, x: Tensor) -> Union[tuple, Tensor]: + """ + Estimate an RGB colour for the illuminant of the input image + @param x: the image for which the colour of the illuminant has to be estimated + @return: the colour estimate as a Tensor. If confidence-weighted pooling is used, the per-path colour estimates + and the confidence weights are returned as well (used for visualizations) + """ + + x = self.backbone(x) + out = self.final_convs(x) + + # Confidence-weighted pooling: "out" is a set of semi-dense feature maps + if USE_CONFIDENCE_WEIGHTED_POOLING: + # Per-patch color estimates (first 3 dimensions) + rgb = normalize(out[:, :3, :, :], dim=1) + + # Confidence (last dimension) + confidence = out[:, 3:4, :, :] + + # Confidence-weighted pooling + pred = normalize(torch.sum(torch.sum(rgb * confidence, 2), 2), dim=1) + + return pred, rgb, confidence + + # Summation pooling + pred = normalize(torch.sum(torch.sum(out, 2), 2), dim=1) + + return pred diff --git a/MiAlgo/classes/fc4/ModelFC4.py b/MiAlgo/classes/fc4/ModelFC4.py new file mode 100644 index 0000000000000000000000000000000000000000..eb37b4aa79ee81098bcade69ff16188668e5b4d7 --- /dev/null +++ b/MiAlgo/classes/fc4/ModelFC4.py @@ -0,0 +1,44 @@ +import os +from typing import Union, Tuple + +import torchvision.transforms.functional as F +from torch import Tensor +from torchvision.transforms import transforms + +from auxiliary.settings import USE_CONFIDENCE_WEIGHTED_POOLING +from auxiliary.utils import correct, rescale, scale +from classes.core.Model import Model +from classes.fc4.FC4 import FC4 + + +class ModelFC4(Model): + + def __init__(self): + super().__init__() + self._network = FC4().to(self._device) + + def predict(self, img: Tensor, return_steps: bool = False) -> Union[Tensor, Tuple]: + """ + Performs inference on the input image using the FC4 method. + @param img: the image for which an illuminant colour has to be estimated + @param return_steps: whether or not to also return the per-patch estimates and confidence weights. When this + flag is set to True, confidence-weighted pooling must be active) + @return: the colour estimate as a Tensor. If "return_steps" is set to true, the per-path colour estimates and + the confidence weights are also returned (used for visualizations) + """ + if USE_CONFIDENCE_WEIGHTED_POOLING: + pred, rgb, confidence = self._network(img) + if return_steps: + return pred, rgb, confidence + return pred + return self._network(img) + + def optimize(self, img: Tensor, label: Tensor) -> float: + self._optimizer.zero_grad() + pred = self.predict(img) + loss = self.get_loss(pred, label) + loss.backward() + self._optimizer.step() + return loss.item() + + diff --git a/MiAlgo/classes/fc4/__pycache__/FC4.cpython-36.pyc b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..97966c8c7a9cd57e76aa48112054f7ac19e0a42d Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-36.pyc differ diff --git a/MiAlgo/classes/fc4/__pycache__/FC4.cpython-37.pyc b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e1d0bd0181713d5f115c4a176f772809b550f992 Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-37.pyc differ diff --git a/MiAlgo/classes/fc4/__pycache__/FC4.cpython-38.pyc b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4b155a11f3e006601ed851f13fa5defb9ccc4280 Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/FC4.cpython-38.pyc differ diff --git a/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-36.pyc b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4efa437d017a6e8758be5d5f9a3ca397d1e8c9ae Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-36.pyc differ diff --git a/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-37.pyc b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8513ed1838ffa32e22d6ef01eef9919f59f09fef Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-37.pyc differ diff --git a/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-38.pyc b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8300c271f88eb6852802466682ca362f0acdcc45 Binary files /dev/null and b/MiAlgo/classes/fc4/__pycache__/ModelFC4.cpython-38.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/Fire.py b/MiAlgo/classes/fc4/squeezenet/Fire.py new file mode 100644 index 0000000000000000000000000000000000000000..f3aef5befb8164c9da23ee07830f74051a61433f --- /dev/null +++ b/MiAlgo/classes/fc4/squeezenet/Fire.py @@ -0,0 +1,21 @@ +import torch +import torch.nn as nn +from torch import Tensor + + +class Fire(nn.Module): + + def __init__(self, inplanes: int, squeeze_planes: int, expand1x1_planes: int, expand3x3_planes: int): + super(Fire, self).__init__() + self.inplanes = inplanes + self.squeeze = nn.Conv2d(inplanes, squeeze_planes, kernel_size=1) + self.squeeze_activation = nn.ReLU(inplace=True) + self.expand1x1 = nn.Conv2d(squeeze_planes, expand1x1_planes, kernel_size=1) + self.expand1x1_activation = nn.ReLU(inplace=True) + self.expand3x3 = nn.Conv2d(squeeze_planes, expand3x3_planes, kernel_size=3, padding=1) + self.expand3x3_activation = nn.ReLU(inplace=True) + + def forward(self, x: Tensor) -> Tensor: + x = self.squeeze_activation(self.squeeze(x)) + return torch.cat([self.expand1x1_activation(self.expand1x1(x)), + self.expand3x3_activation(self.expand3x3(x))], 1) diff --git a/MiAlgo/classes/fc4/squeezenet/SqueezeNet.py b/MiAlgo/classes/fc4/squeezenet/SqueezeNet.py new file mode 100644 index 0000000000000000000000000000000000000000..6ee5272d73d4e5b06d2e49b8704e856e741ce502 --- /dev/null +++ b/MiAlgo/classes/fc4/squeezenet/SqueezeNet.py @@ -0,0 +1,82 @@ +import torch +import torch.nn as nn +import torch.nn.init as init + +from classes.fc4.squeezenet.Fire import Fire + +""" +This is the standard SqueezeNet implementation included in PyTorch at: +https://github.com/pytorch/vision/blob/072d8b2280569a2d13b91d3ed51546d201a57366/torchvision/models/squeezenet.py + +SqueezeNet 1.0 +-> Architecture from https://arxiv.org/abs/1602.07360, 'SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size'. + +SqueezeNet 1.1 (has 2.4x less computation and slightly fewer parameters than 1.0, without sacrificing accuracy) +-> Architecture from: `. +""" + + +class SqueezeNet(nn.Module): + + def __init__(self, version: float = 1.0, num_classes: int = 1000): + super().__init__() + + self.num_classes = num_classes + + if version == 1.0: + self.features = nn.Sequential( + nn.Conv2d(3, 96, kernel_size=7, stride=2), + nn.ReLU(inplace=True), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(96, 16, 64, 64), + Fire(128, 16, 64, 64), + Fire(128, 32, 128, 128), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(256, 32, 128, 128), + Fire(256, 48, 192, 192), + Fire(384, 48, 192, 192), + Fire(384, 64, 256, 256), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(512, 64, 256, 256), + ) + elif version == 1.1: + self.features = nn.Sequential( + nn.Conv2d(3, 64, kernel_size=3, stride=2), + nn.ReLU(inplace=True), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(64, 16, 64, 64), + Fire(128, 16, 64, 64), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(128, 32, 128, 128), + Fire(256, 32, 128, 128), + nn.MaxPool2d(kernel_size=3, stride=2, ceil_mode=True), + Fire(256, 48, 192, 192), + Fire(384, 48, 192, 192), + Fire(384, 64, 256, 256), + Fire(512, 64, 256, 256), + ) + else: + raise ValueError("Unsupported SqueezeNet version {version}: 1.0 or 1.1 expected".format(version=version)) + + # Final convolution is initialized differently form the rest + final_conv = nn.Conv2d(512, self.num_classes, kernel_size=1) + self.classifier = nn.Sequential( + nn.Dropout(p=0.5), + final_conv, + nn.ReLU(inplace=True), + nn.AdaptiveAvgPool2d((1, 1)) + ) + + for m in self.modules(): + if isinstance(m, nn.Conv2d): + if m is final_conv: + init.normal_(m.weight, mean=0.0, std=0.01) + else: + init.kaiming_uniform_(m.weight) + if m.bias is not None: + init.constant_(m.bias, 0) + + def forward(self, x: torch): + x = self.features(x) + x = self.classifier(x) + return x.view(x.size(0), self.num_classes) diff --git a/MiAlgo/classes/fc4/squeezenet/SqueezeNetLoader.py b/MiAlgo/classes/fc4/squeezenet/SqueezeNetLoader.py new file mode 100644 index 0000000000000000000000000000000000000000..12fa5795bd104b31f2e88416f90d1e7c0dcf8f82 --- /dev/null +++ b/MiAlgo/classes/fc4/squeezenet/SqueezeNetLoader.py @@ -0,0 +1,27 @@ +import os + +from torch.utils import model_zoo + +from classes.fc4.squeezenet.SqueezeNet import SqueezeNet + +model_urls = { + 1.0: 'https://download.pytorch.org/models/squeezenet1_0-a815701f.pth', + 1.1: 'https://download.pytorch.org/models/squeezenet1_1-f364aa15.pth', +} + + +class SqueezeNetLoader: + def __init__(self, version: float = 1.1): + self.__version = version + self.__model = SqueezeNet(self.__version) + + def load(self, pretrained: bool = False) -> SqueezeNet: + """ + Returns the specified version of SqueezeNet + @param pretrained: if True, returns a model pre-trained on ImageNet + """ + if pretrained: + path_to_local = os.path.join("assets", "pretrained") + os.environ['TORCH_HOME'] = path_to_local + self.__model.load_state_dict(model_zoo.load_url(model_urls[self.__version])) + return self.__model diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-36.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0edb19fbafbfc5607d19a3a84266583f2722855c Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-36.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-37.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..64db6f39fe9ab86b9345c8d5b6bbe203aa18deed Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-37.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-38.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d34a60ec5a3f4960a1761d4cd682f9c1f67cabe6 Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/Fire.cpython-38.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-36.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1567b73b13c77584d34592e5204ba87f694123b8 Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-36.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-37.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..561c7a4b7cbcb8dff4232d1b5e9ceb5d8fbc82a7 Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-37.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-38.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..12066d0fc8400e5f1a0321bca48b55ee5c649ded Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNet.cpython-38.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-36.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e9cb55c607729c2091bfb4a8900ea85d11af2baf Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-36.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-37.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0bd0996dead6d35db91b4ca2047e858cafe5c7ff Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-37.pyc differ diff --git a/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-38.pyc b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f9347d413f670cdbf272d7929adef18baffbd157 Binary files /dev/null and b/MiAlgo/classes/fc4/squeezenet/__pycache__/SqueezeNetLoader.cpython-38.pyc differ diff --git a/MiAlgo/classes/losses/AngularLoss.py b/MiAlgo/classes/losses/AngularLoss.py new file mode 100644 index 0000000000000000000000000000000000000000..f40b8c89c5102d7005d78a640f7a9c41871203ab --- /dev/null +++ b/MiAlgo/classes/losses/AngularLoss.py @@ -0,0 +1,17 @@ +import math + +import torch +from torch import Tensor +from torch.nn.functional import normalize + +from classes.core.Loss import Loss + + +class AngularLoss(Loss): + def __init__(self, device: torch.device): + super().__init__(device) + + def _compute(self, pred: Tensor, label: Tensor, safe_v: float = 0.999999) -> Tensor: + dot = torch.clamp(torch.sum(normalize(pred, dim=1) * normalize(label, dim=1), dim=1), -safe_v, safe_v) + angle = torch.acos(dot) * (180 / math.pi) + return torch.mean(angle).to(self._device) diff --git a/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-36.pyc b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ee632f99c97efaa0e6dbf961e0da6f2a94b3133d Binary files /dev/null and b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-36.pyc differ diff --git a/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-37.pyc b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e5a9243b9cdc44eb30891852e58c96c8e7a91017 Binary files /dev/null and b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-37.pyc differ diff --git a/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-38.pyc b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..12e17fde94d29a25dc2bae71dfd4da4d2dbc0298 Binary files /dev/null and b/MiAlgo/classes/losses/__pycache__/AngularLoss.cpython-38.pyc differ diff --git a/MiAlgo/lsc.npy b/MiAlgo/lsc.npy new file mode 100644 index 0000000000000000000000000000000000000000..e6b10dba516333b7e9f8012015dd6ead539a15ff --- /dev/null +++ b/MiAlgo/lsc.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad63fddc5912e971bf42721f70d52206fab5442313fd9c520244929db1a8bf87 +size 9437312 diff --git a/MiAlgo/lsc_npy/125.npy b/MiAlgo/lsc_npy/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..57eb646986540f17deba78cf1f60ae06886d61b8 --- /dev/null +++ b/MiAlgo/lsc_npy/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:058307ee8de8a527e1f906a466d36f08630ac8d76f4ba5a675b83782fe9ca817 +size 3145856 diff --git a/MiAlgo/lsc_npy/320.npy b/MiAlgo/lsc_npy/320.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe0d04845fc5cacf3d73fc8ae4a037278d6b619c --- /dev/null +++ b/MiAlgo/lsc_npy/320.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b5acaa5a014288e2e2c8230740fc2121351a92401ddf403e5e7fba16fa39204 +size 3145856 diff --git a/MiAlgo/lsc_npy/50.npy b/MiAlgo/lsc_npy/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6030464e7d7119db7a6e7c9501c2d7ea6576d60 --- /dev/null +++ b/MiAlgo/lsc_npy/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3e679f54e94bdb3ef92717215e4b39c4786525a659bf756384fd21bd803e794 +size 3145856 diff --git a/MiAlgo/lsc_npy/640.npy b/MiAlgo/lsc_npy/640.npy new file mode 100644 index 0000000000000000000000000000000000000000..205d6f71b5b6576d3d1d2a9fd9e5b14c0f1d74a5 --- /dev/null +++ b/MiAlgo/lsc_npy/640.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:151e6b280dbecd20006c5a992d6c8080f37347e63a0c725f5b96f3318d376481 +size 3145856 diff --git a/MiAlgo/lsc_npy/800.npy b/MiAlgo/lsc_npy/800.npy new file mode 100644 index 0000000000000000000000000000000000000000..df8af28c99520d29500cd18d6b954f82f09c8ff2 --- /dev/null +++ b/MiAlgo/lsc_npy/800.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:272c53ead6055a47403a43c1d9965293a3b20c08c0e058108a3f8c0b591a48c5 +size 3145856 diff --git a/MiAlgo/main_test.py b/MiAlgo/main_test.py new file mode 100644 index 0000000000000000000000000000000000000000..bcd1e9ed5f0820b03a0c56e7d474b6512a3819fa --- /dev/null +++ b/MiAlgo/main_test.py @@ -0,0 +1,719 @@ +import os + +import multiprocessing as mp +import numpy as np +import cv2 as cv +from tqdm import tqdm + +from glob import glob +from utils import * + +from grayness_index import GraynessIndex + +import torch +import torch.nn.functional as F + +from time import time + +from network_raw_denoise import sc_net_1f +from network import MWRCANv4 as NET +from classes.fc4.ModelFC4 import ModelFC4 + +def load_img(img_path): + meta_all = {} + meta_all['img_path'] = img_path + + # load meta + metadata = json_read(img_path.replace(".png", ".json"), object_hook=fraction_from_json) + meta_all['meta'] = metadata + + # load image + img = cv.imread(img_path, cv.IMREAD_UNCHANGED) + meta_all['img'] = img + + return meta_all + + + + +def pre_process(meta_all): + img = meta_all['img'] + + metadata = meta_all['meta'] + cfa_pattern = metadata['cfa_pattern'] + cfa_pattern_ = "" + for tt in cfa_pattern: + if tt == 0: + cfa_pattern_ += "r" + elif tt == 1: + cfa_pattern_ += "g" + elif tt == 2: + cfa_pattern_ += "b" + else: + raise + + offsets = bayer_to_offsets(cfa_pattern_) + img = pack_raw_to_4ch(img, offsets) + + if img.shape[0] != 768 and img.shape[1] != 1024: + img = cv.resize(img, (1024, 768), interpolation=cv.INTER_AREA) # RGB + + bl_fix = np.clip((float(metadata["noise_profile"][0])-0.005) * 1000, 0, 10) + img = normalize(img, metadata['black_level'], metadata['white_level'], bl_fix).astype(np.float32) + + noise_profile = float(metadata["noise_profile"][0]) + noise_list = [0.00025822882, 0.000580020745, 0.00141667975, 0.00278965863, 0.00347614807] + + if noise_profile < 0.005: + if noise_profile < noise_list[0]: + weight1 = noise_profile / noise_list[0] + final_lsc = lsc_npy[0] * weight1 + linear_idx1, linear_idx2 = 0, 0 + elif noise_profile > noise_list[-1]: + final_lsc = lsc_npy[-1] + linear_idx1, linear_idx2 = -1, -1 + else: + for idx, nn in enumerate(noise_list): + if noise_profile < nn: + linear_idx1 = idx - 1 + linear_idx2 = idx + break + + weight1 = (noise_profile - noise_list[linear_idx1]) / (noise_list[linear_idx2] - noise_list[linear_idx1]) + weight2 = 1-weight1 + final_lsc = lsc_npy[linear_idx1] * weight1 + lsc_npy[linear_idx2] * weight2 + + ones = np.ones_like(final_lsc) + final_lsc = final_lsc * 0.6 + ones * 0.4 + final_lsc[:, :512, :] = final_lsc[:, 1024:511:-1, :] + + img = img * final_lsc + + img = np.clip(img, 0.0, 1.0) + meta_all["img"] = img + + rgb_gain = metadata['as_shot_neutral'] + ra, ga, ba = rgb_gain + ra, ga, ba = 1/ra, 1/ga, 1/ba + + meta_all['r_gains'] = [ra] + meta_all['g_gains'] = [ga] + meta_all['b_gains'] = [ba] + + return meta_all + + + +def raw_denoise(results): + checkpoint_path = "checkpoint/raw_denoise.pth" + device = torch.device("cuda") + model = get_net(sc_net_1f, checkpoint_path, device) + + for meta_all in tqdm(results): + img = meta_all['img'] + + img = np.expand_dims(img, axis=0) + ori_inp = img.copy() + + clip_min = max(np.mean(img)*3, 0.9) + img = np.clip(img, 0, clip_min) + img = torch.from_numpy(img.transpose(0, 3, 1, 2)).cuda() + + with torch.no_grad(): + output = model(img) + + output = output.detach().cpu().numpy().transpose(0, 2, 3, 1) + + img = ori_inp + output + img = np.clip(img, 0, 1) + img = np.squeeze(img) + + meta_all['img'] = img + + + +def predict_white_balance(results): + model = ModelFC4() + for model_index in [0, 1, 2]: + path_to_pretrained = os.path.join("./trained_models", "fc4_cwp", "fold_{}".format(model_index)) + model.load(path_to_pretrained) + model.evaluation_mode() + + for meta_all in tqdm(results): + img = meta_all['img'].copy() + img[:, :, 1] = (img[:, :, 1] + img[:, :, 3]) / 2 + img = img[:, :, :-1] + + img = torch.from_numpy(img.transpose(2, 0, 1)).unsqueeze(0).cuda() + img_tmp = torch.pow(img, 1.0 / 2.2) + + with torch.no_grad(): + pred = model.predict(img_tmp, return_steps=False) + pred = pred.detach().cpu().squeeze(0).numpy() + + # rgb gain + r, g, b = pred + + r /= g + b /= g + g /= g + + r = 1./ r + g = 1./ g + b = 1./ b + + meta_all['r_gains'].append(r) + meta_all['g_gains'].append(g) + meta_all['b_gains'].append(b) + + +def convert_to_rgb(meta_all): + img = meta_all['img'] + img[:, :, 1] = (img[:, :, 1] + img[:, :, 3]) / 2 + img = img[:, :, :-1] + + + # WB + r_gains = sorted(meta_all['r_gains']) + b_gains = sorted(meta_all['b_gains']) + + r_final = (r_gains[0] + r_gains[1] + r_gains[2]) / 3 + g_final = 1 + b_final = (b_gains[1] + b_gains[2] + b_gains[3]) / 3 + + img[:, :, 0] *= r_final + img[:, :, 1] *= g_final + img[:, :, 2] *= b_final + + img = np.clip(img, 0, 1) + + + # CC + img = apply_color_space_transform(img, color_matrix, color_matrix) + + + # convert RGB + img = transform_xyz_to_srgb(img) + + + # shading fix + if float(meta_all['meta']["noise_profile"][0]) > 0.005: + lsc_m = lsc ** ((float(meta_all['meta']["noise_profile"][0])-0.005) * 100) + lsc_inv = 1 / lsc + lsc_inv = np.mean(lsc_inv, axis=-1, keepdims=True) + + gray = cv.cvtColor(img.astype(np.float32), cv.COLOR_RGB2GRAY) + gray = gray[:, :, np.newaxis] + + lsc_inv = lsc_inv * np.clip(gray*10, 0, 1) * np.clip((2 - (float(meta_all['meta']["noise_profile"][0])-0.005) * 100), 1, 2) + lsc_inv = np.clip(lsc_inv, 0.4, 1) + + img = img * lsc_inv + gray * (1-lsc_inv) + img = img / lsc_m + + + # tonemaping + img = apply_tone_map(img) + + + # gamma + img = apply_gamma(img).astype(np.float32) + img = np.clip(img, 0, 1) + + + # contrast enhancement + mm = np.mean(img) + meta_all['mm'] = mm + if mm <= 0.1: + pass + elif float(meta_all['meta']["noise_profile"][0]) > 0.01: + yuv = cv.cvtColor(img, cv.COLOR_BGR2YUV) + y, u, v = cv.split(yuv) + y = autocontrast_using_pil(y) + yuv = np.stack([y, u, v], axis=-1) + rgb = cv.cvtColor(yuv, cv.COLOR_YUV2BGR) + rgb = np.clip(rgb, 0, 1) + + img = img * 0.5 + rgb * 0.5 + + img = np.clip(img*255, 0, 255).round().astype(np.uint8) + + if float(meta_all['meta']["noise_profile"][0]) > 0.02: + noise_params = 6 + else: + noise_params = 3 + + img = cv.fastNlMeansDenoisingColored(img, None, noise_params, noise_params, 7, 21) + img = img.astype(np.float32) / 255. + + img = usm_sharp(img) + else: + img = autocontrast_using_pil(img) + + + # gamma again + img = np.clip(img, 0, 1) + img_con = img ** (1/1.5) + gray = np.max(img_con, axis=-1, keepdims=True) # - 0.1 + gray = np.clip(gray, 0.3, 1) + img = img_con * gray + img * (1-gray) + + + # AWB again + img = img[:, :, ::-1] # BGR + gi = GraynessIndex() + pred_illum = gi.apply(img) + r, g, b = pred_illum + pred_illum = pred_illum / g + r, g, b = pred_illum + if r < 1: + img = white_balance(img, pred_illum) # BGR + img = img[:, :, ::-1] + img = np.clip(img, 0, 1) # RGB + + + # fix orientation + img = fix_orientation(img, meta_all['meta']["orientation"]) + + meta_all['img'] = img # RGB + return meta_all + + +def nn_enhancement(results): + checkpoint_path1 = "checkpoint/nn_enhance.pth" + device = torch.device("cuda") + model = get_net(NET, checkpoint_path1, device) + + + for meta_all in tqdm(results): + # mm = meta_all['mm'] + # if mm <= 0.1 or float(meta_all['meta']["noise_profile"][0]) > 0.01: + # meta_all['img'] = meta_all['img'] * 255 + # continue + + img = meta_all['img'] + img = img.astype(np.float32) + img = torch.from_numpy(img.copy().transpose(2, 0, 1)).unsqueeze(0).to(device) + + with torch.no_grad(): + img = model(img) + # img = img + + img = img.detach().cpu().squeeze(0).numpy().transpose(1, 2, 0) + img = np.clip(img, 0, 1) + + img = img * 255. + img = img.round() + img = img.astype(np.uint8) + + meta_all['img'] = img # RGB U8 + + +def post_process(meta_all): + # color fix + img = meta_all['img'] # RGB U8 + + + # increase saturation + increment=0.5 + ori_img = img.copy() # RGB U8 + + hls = cv2.cvtColor(img, cv2.COLOR_RGB2HLS).astype(np.float32) + _, L, S = cv2.split(hls) + S = S / 255. + + img = img.astype(np.float32) + + temp = increment + S + mask_2 = temp > 1 # 大于1的位置 + alpha_1 = S + alpha_2 = 1 - increment + alpha = alpha_1 * mask_2 + alpha_2 * (1 - mask_2) + L = L[:, :, np.newaxis] + alpha = alpha[:, :, np.newaxis] + + alpha = 1/alpha -1 + + img = img + (img - L) * alpha + + img = np.clip(img, 0, 255) + + ori_img = ori_img.astype(np.float32) + mask = ori_img[:, :, 2] / 255. + # mask = np.max(ori_img, axis=-1) / 255. + mask = mask[:, :, np.newaxis] + mask = np.clip(mask - 0.1, 0, 1) + img = img * mask + ori_img * (1-mask) + img = np.clip(img, 0, 255).round().astype(np.uint8) + + + + # decrease saturation + hsv = cv2.cvtColor(img, cv2.COLOR_RGB2HLS) + hsv = hsv.astype(np.float32) + + # 绿 青 + mmax = 105 + mmin = 40 + + alpha = 1 # 越大效果越猛, 误伤越多 + beta = 4 # 越大效果越猛 + gamma = 0.1 # 越小效果越猛 + + mid = mmin + ((mmax - mmin) / 2) + green_weight = np.abs(hsv[:, :, 0] - mid) / ((mmax - mmin)/2) + green_weight = np.clip(green_weight, 0, 1) + # green_weight = np.tanh(green_weight/alpha) + green_weight = green_weight**beta + gamma + green_weight = np.clip(green_weight, 0, 1) + + green_weight = cv2.blur(green_weight, (11, 11)) + hsv[:, :, 2] = hsv[:, :, 2] * green_weight + + + # 紫 洋红 + mmax = 180 + mmin = 130 + + alpha = 1 # 越大效果越猛, 误伤越多 + beta = 8 + # 越大效果越猛 + gamma = -0.5 # 越小效果越猛 + + mid = mmin + ((mmax - mmin) / 2) + green_weight = np.abs(hsv[:, :, 0] - mid) / ((mmax - mmin)/2) + green_weight = np.clip(green_weight, 0, 1) + # green_weight = np.tanh(green_weight/alpha) + green_weight = (green_weight**beta + gamma) * 2 + green_weight = np.clip(green_weight, 0, 1) + + green_weight = cv2.blur(green_weight, (11, 11)) + hsv[:, :, 2] = hsv[:, :, 2] * green_weight + + + hsv = np.clip(hsv, 0, 255) + hsv = hsv.round().astype(np.uint8) + + img = cv2.cvtColor(hsv, cv2.COLOR_HLS2RGB) # RGB U8 + img = np.clip(img, 0, 255) + + + + + + img = np.clip(img, 0, 255).round().astype(np.uint8) + meta_all['img'] = img # RGB U8 + return meta_all + + + +def sky_enhancement(results): + model_path = "sky_seg.pt" + model = torch.load(model_path) + model.cuda() + model.eval() + + for meta_all in tqdm(results): + if float(meta_all['meta']["noise_profile"][0]) >= 0.005: + continue + + ori_img = meta_all['img'].copy().astype(np.float32) # RGB 0-255 U8 + + img = ori_img.copy() + img = cv2.cvtColor(img, cv2.COLOR_RGB2BGR) + + + # 天空分割 + scene_image = img.copy().astype(np.float32) # 0-255, bgr + + + img = img / 255. + lab = cv2.cvtColor(img, cv2.COLOR_BGR2LAB) + # 减少色温 + lab[:,:,1] = lab[:,:,1] - (lab[:,:,2] + 127) * 0.03 + lab[:,:,2] = lab[:,:,2] - (lab[:,:,2] + 127) * 0.1 + # 将图像从LAB空间转换回BGR空间 + img = cv2.cvtColor(lab, cv2.COLOR_LAB2RGB) + img = img * 255 + img = np.clip(img, 0, 255).round().astype(np.float32) + + + + img_mean = 0 + img_std = 255.0 + size = (512, 512) + img_h , img_w = img.shape[:2] + + img = cv2.resize(img, size) + img = (img - img_mean) / img_std + img = np.transpose(img, [2, 0, 1]) + img = np.expand_dims(img, axis=0) + img = torch.from_numpy(img).cuda() + + with torch.no_grad(): + mask = model(img) + + mask = mask.detach().cpu() + mask = mask.permute((0,3,1,2)) + mask = F.interpolate(mask, + size=[img_h , img_w], + mode='bilinear') + mask = mask[0].permute((1,2,0)) + sky_mask = torch.argmax(mask, axis=2).numpy().astype(np.float32) + + if sky_mask.max() < 0.1: + continue + + + # + img = ori_img.copy() # RGB + mask = img[:, :, 2] - np.max(img[:, :, :2], axis=-1) + mask[sky_mask==0]=0 + a = np.sum(mask) + b = np.sum(sky_mask) + ratio_blue = a/b + # print(meta_all['img_path'], "blue ratio", ratio_blue) + + # 非蓝天 + if ratio_blue < 10: + img = ori_img.copy() + mask = np.mean(img[:, :, :2], axis=-1) + mask[sky_mask==0]=0 + a = np.sum(mask) + b = np.sum(sky_mask) + ratio_light = a/b + # print(meta_all['img_path'], "light ratio", ratio_light) + + # 暗天空,压暗 + if ratio_light<50: + img = ori_img.copy() + img = img * 0.88 + img = np.clip(img, 0, 255) # RGB + # 中等亮度,提亮 + elif ratio_light < 200: + img = ori_img.copy() + img = img * 1.1 + img = np.clip(img, 0, 255) # RGB + else: + pass + + hsv = cv2.cvtColor(img.astype(np.uint8), cv2.COLOR_RGB2HSV).astype(np.float32) + hsv[:, :, 1] = hsv[:, :, 1]* 0.4 + hsv = np.clip(hsv, 0, 255).astype(np.uint8) + img = cv2.cvtColor(hsv, cv2.COLOR_HSV2RGB).astype(np.float32) + + # 蓝天 + else: + # LAB + img = ori_img.copy() + img = img / 255. + lab = cv2.cvtColor(img, cv2.COLOR_RGB2LAB) + + # 减少色温 + lab[:,:,1] = lab[:,:,1] - (lab[:,:,2] + 127) * 0.03 + lab[:,:,2] = lab[:,:,2] - (lab[:,:,2] + 127) * 0.1 + + # 将图像从LAB空间转换回BGR空间 + img = cv2.cvtColor(lab, cv2.COLOR_LAB2RGB) + + img = img * 255 + img = np.clip(img, 0, 255).round().astype(np.float32) + + + sky_image = img.copy().astype(np.float32) # 0-255, RGB + sky_image = cv2.cvtColor(sky_image, cv2.COLOR_RGB2BGR) # BGR 0-255 F32 + + sky_mask_ori = sky_mask.copy() + kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (11, 11)) + sky_mask_ori = cv2.erode(sky_mask_ori, kernel) + + sky_mask_ori = sky_mask_ori > 0.9 + + if np.sum(sky_mask_ori) > 0: + h, w = sky_mask.shape + + sky_mask = cv2.resize(sky_mask, None, fx=0.1, fy=0.1, interpolation=cv2.INTER_NEAREST) + kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (5, 5)) + sky_mask = cv2.dilate(sky_mask, kernel) + sky_mask_blur = cv2.blur(sky_mask, (21, 21)) + sky_mask_blur[sky_mask>0.5] = sky_mask[sky_mask>0.5] + sky_mask = sky_mask_blur + sky_mask = cv2.resize(sky_mask, (w, h), interpolation=cv2.INTER_LINEAR) + sky_mask = np.clip(sky_mask, 0.1, 1) + + sky_area_img = np.zeros_like(sky_image) + sky_area_img[sky_mask_ori] = sky_image[sky_mask_ori] + sky_area_img = cv2.cvtColor(sky_area_img, cv2.COLOR_BGR2GRAY) + + sky_area_img_mean = np.sum(sky_area_img) / np.sum(sky_mask_ori) + if sky_area_img_mean > 20: + res = pyrblend(scene_image, sky_image, sky_mask) + res = np.clip(res, 0, 255) # 0-255, bgr + + res = res.round().astype(np.uint8) + res = cv2.cvtColor(res, cv2.COLOR_BGR2RGB) # RGB 0-255 U8 + meta_all['img'] = res + + + +def post_process2(meta_all): + # PIL + img = meta_all['img'].copy() # RGB U8 + + img = img.astype(np.float32) / 255. + + yuv = cv.cvtColor(img, cv.COLOR_RGB2YUV) + y, u, v = cv.split(yuv) + y = autocontrast_using_pil(y) + yuv = np.stack([y, u, v], axis=-1) + rgb = cv.cvtColor(yuv, cv.COLOR_YUV2RGB) + rgb = np.clip(rgb, 0, 1) + + img = rgb + + img = np.clip(img*255, 0, 255)# .round().astype(np.uint8) # RGB + + + ori_img = meta_all['img'].copy().astype(np.float32) + mask = np.mean(ori_img, axis=-1) / 255. + mask = mask[:, :, np.newaxis] + mask = np.clip(mask - 0.1, 0, 1) + img = img * mask + ori_img * (1-mask) + img = np.clip(img, 0, 255) + + img = img.round().astype(np.uint8) + meta_all['img'] = img + + return meta_all + + +def save_jpg(meta_all): + img = meta_all['img'] # RGB U8 + out_path = os.path.join(output_path, meta_all['img_path'].split("/")[-1].split(".")[0] + ".jpg") + + cv.imwrite(out_path, img[:, :, ::-1], [cv.IMWRITE_JPEG_QUALITY, 100]) + + + +if __name__ == "__main__": + num_worker = 4 + + all_time = time() + + input_path = "/data" + output_path = "/data" + # input_path = "/ssd/ntire24/nightrender/data/data" + # output_path = "/ssd/ntire24/nightrender/data/data" + os.makedirs(output_path, exist_ok=True) + + + # load img + s_time = time() + input_list = sorted(glob(os.path.join(input_path, "*.png")))# [:4] + + if num_worker > 1: + with mp.Pool(num_worker) as pool: + results = list(tqdm(pool.imap(load_img, input_list), total=len(input_list))) + else: + results = [] + for p in tqdm(input_list): + results.append(load_img(p)) + load_time = time()-s_time + print("load_img time is: ", load_time) + + + # preprocess + s_time = time() + iso_list = [50, 125, 320, 640, 800] + lsc_npy = [np.load("./lsc_npy/{}.npy".format(iso)) for iso in iso_list] + + if num_worker > 1: + with mp.Pool(num_worker) as pool: + results = list(tqdm(pool.imap(pre_process, results), total=len(results))) + else: + for r in tqdm(results): + r = pre_process(r) + del lsc_npy + print("pre_process time is: ", time()-s_time) + + + # raw denoise + s_time = time() + raw_denoise(results) + print("raw_denoise time is: ", time()-s_time) + + + # awb + s_time = time() + predict_white_balance(results) + print("predict_white_balance time is: ", time()-s_time) + + + # convert + s_time = time() + color_matrix = [1.06835938, -0.29882812, -0.14257812, -0.43164062, 1.35546875, 0.05078125, -0.1015625, 0.24414062, 0.5859375] + lsc = np.load("lsc.npy") + if num_worker > 1: + with mp.Pool(num_worker) as pool: + results = list(tqdm(pool.imap(convert_to_rgb, results), total=len(results))) + else: + for r in tqdm(results): + r = convert_to_rgb(r) + del lsc + print("convert_to_rgb time is: ", time()-s_time) + + + # NN_enhancement + s_time = time() + nn_enhancement(results) + print("nn_enhancement time is: ", time()-s_time) + + + + # colorfix & sat enhance + s_time = time() + kernel = cv.getStructuringElement(cv.MORPH_RECT, (5, 5)) + if num_worker > 1: + with mp.Pool(num_worker) as pool: + results = list(tqdm(pool.imap(post_process, results), total=len(results))) + else: + for r in tqdm(results): + r = post_process(r) + print("post_process time is: ", time()-s_time) + + + + # sky_enhancement + s_time = time() + sky_enhancement(results) + print("sky_enhancement time is: ", time()-s_time) + + + + # PIL autocontrast + s_time = time() + if num_worker > 1: + with mp.Pool(num_worker) as pool: + results = list(tqdm(pool.imap(post_process2, results), total=len(results))) + else: + for r in tqdm(results): + r = post_process2(r) + print("post_process2 time is: ", time()-s_time) + + + + # save jpg + s_time = time() + if num_worker > 1: + with mp.Pool(num_worker) as pool: + _ = list(tqdm(pool.imap(save_jpg, results), total=len(results))) + else: + for r in tqdm(results): + save_jpg(r) + save_time = time()-s_time + print("save_jpg time is: ", save_time) + + + total_time = time()-all_time + total_time_without_load_save = total_time - load_time - save_time + print("per image inference time (without load and save) is: ", total_time_without_load_save / len(results), "s") \ No newline at end of file diff --git a/MiAlgo/network.py b/MiAlgo/network.py new file mode 100644 index 0000000000000000000000000000000000000000..80ed11bba9f956c72a385794694fda7ba075dcc5 --- /dev/null +++ b/MiAlgo/network.py @@ -0,0 +1,663 @@ +import math +import torch +import torch.optim as optim +import torch.nn as nn +import torch.nn.functional as F +from torch.nn import init, Module +import functools +from torch.optim import lr_scheduler +from collections import OrderedDict +import numpy as np + +''' +# =================================== +# Advanced nn.Sequential +# reform nn.Sequentials and nn.Modules +# to a single nn.Sequential +# =================================== +''' + +def seq(*args): + if len(args) == 1: + args = args[0] + if isinstance(args, nn.Module): + return args + modules = OrderedDict() + if isinstance(args, OrderedDict): + for k, v in args.items(): + modules[k] = seq(v) + return nn.Sequential(modules) + assert isinstance(args, (list, tuple)) + return nn.Sequential(*[seq(i) for i in args]) + +''' +# =================================== +# Useful blocks +# -------------------------------- +# conv (+ normaliation + relu) +# concat +# sum +# resblock (ResBlock) +# resdenseblock (ResidualDenseBlock_5C) +# resinresdenseblock (RRDB) +# =================================== +''' + +# ------------------------------------------------------- +# return nn.Sequantial of (Conv + BN + ReLU) +# ------------------------------------------------------- +def conv(in_channels=64, out_channels=64, kernel_size=3, stride=1, padding=1, + output_padding=0, dilation=1, groups=1, bias=True, + padding_mode='zeros', mode='CBR'): + L = [] + for t in mode: + if t == 'C': + L.append(nn.Conv2d(in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + padding_mode=padding_mode)) + elif t == 'X': + assert in_channels == out_channels + L.append(nn.Conv2d(in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=in_channels, + bias=bias, + padding_mode=padding_mode)) + elif t == 'T': + L.append(nn.ConvTranspose2d(in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=padding, + output_padding=output_padding, + groups=groups, + bias=bias, + dilation=dilation, + padding_mode=padding_mode)) + elif t == 'B': + L.append(nn.BatchNorm2d(out_channels)) + elif t == 'I': + L.append(nn.InstanceNorm2d(out_channels, affine=True)) + elif t == 'i': + L.append(nn.InstanceNorm2d(out_channels)) + elif t == 'R': + L.append(nn.ReLU(inplace=True)) + elif t == 'r': + L.append(nn.ReLU(inplace=False)) + elif t == 'P': + L.append(nn.PReLU()) + elif t == 'L': + L.append(nn.LeakyReLU(negative_slope=1e-1, inplace=True)) + elif t == 'l': + L.append(nn.LeakyReLU(negative_slope=1e-1, inplace=False)) + elif t == '2': + L.append(nn.PixelShuffle(upscale_factor=2)) + elif t == '3': + L.append(nn.PixelShuffle(upscale_factor=3)) + elif t == '4': + L.append(nn.PixelShuffle(upscale_factor=4)) + elif t == 'U': + L.append(nn.Upsample(scale_factor=2, mode='nearest')) + elif t == 'u': + L.append(nn.Upsample(scale_factor=3, mode='nearest')) + elif t == 'M': + L.append(nn.MaxPool2d(kernel_size=kernel_size, + stride=stride, + padding=0)) + elif t == 'A': + L.append(nn.AvgPool2d(kernel_size=kernel_size, + stride=stride, + padding=0)) + else: + raise NotImplementedError('Undefined type: '.format(t)) + return seq(*L) + +# ------------------------------------------------------- +# Concat the output of a submodule to its input +# ------------------------------------------------------- +class ConcatBlock(nn.Module): + def __init__(self, submodule): + super(ConcatBlock, self).__init__() + + self.sub = submodule + + def forward(self, x): + output = torch.cat((x, self.sub(x)), dim=1) + return output + + def __repr__(self): + return self.sub.__repr__() + '_concat' + +# ------------------------------------------------------- +# Elementwise sum the output of a submodule to its input +# ------------------------------------------------------- +class ShortcutBlock(nn.Module): + def __init__(self, submodule): + super(ShortcutBlock, self).__init__() + + self.sub = submodule + + def forward(self, x): + output = x + self.sub(x) + return output + + def __repr__(self): + tmpstr = 'Identity + \n|' + modstr = self.sub.__repr__().replace('\n', '\n|') + tmpstr = tmpstr + modstr + return tmpstr + +class DWTForward(nn.Module): + def __init__(self): + super(DWTForward, self).__init__() + ll = np.array([[0.5, 0.5], [0.5, 0.5]]) + lh = np.array([[-0.5, -0.5], [0.5, 0.5]]) + hl = np.array([[-0.5, 0.5], [-0.5, 0.5]]) + hh = np.array([[0.5, -0.5], [-0.5, 0.5]]) + filts = np.stack([ll[None,::-1,::-1], lh[None,::-1,::-1], + hl[None,::-1,::-1], hh[None,::-1,::-1]], + axis=0) + self.weight = nn.Parameter( + torch.tensor(filts).to(torch.get_default_dtype()), + requires_grad=False) + def forward(self, x): + C = x.shape[1] + filters = torch.cat([self.weight,] * C, dim=0) + y = F.conv2d(x, filters, groups=C, stride=2) + return y + +class DWTInverse(nn.Module): + def __init__(self): + super(DWTInverse, self).__init__() + ll = np.array([[0.5, 0.5], [0.5, 0.5]]) + lh = np.array([[-0.5, -0.5], [0.5, 0.5]]) + hl = np.array([[-0.5, 0.5], [-0.5, 0.5]]) + hh = np.array([[0.5, -0.5], [-0.5, 0.5]]) + filts = np.stack([ll[None, ::-1, ::-1], lh[None, ::-1, ::-1], + hl[None, ::-1, ::-1], hh[None, ::-1, ::-1]], + axis=0) + self.weight = nn.Parameter( + torch.tensor(filts).to(torch.get_default_dtype()), + requires_grad=False) + + def forward(self, x): + C = int(x.shape[1] / 4) + filters = torch.cat([self.weight, ] * C, dim=0) + y = F.conv_transpose2d(x, filters, groups=C, stride=2) + return y + +# ------------------------------------------------------- +# Channel Attention (CA) Layer +# ------------------------------------------------------- +class CALayer(nn.Module): + def __init__(self, channel=64, reduction=16): + super(CALayer, self).__init__() + + self.avg_pool = nn.AdaptiveAvgPool2d(1) + self.conv_du = nn.Sequential( + nn.Conv2d(channel, channel//reduction, 1, padding=0, bias=True), + nn.ReLU(inplace=True), + nn.Conv2d(channel//reduction, channel, 1, padding=0, bias=True), + nn.Sigmoid() + ) + + def forward(self, x): + y = self.avg_pool(x) + y = self.conv_du(y) + return x * y + +class ChannelPool(nn.Module): + def forward(self, x): + return torch.cat((torch.max(x,1)[0].unsqueeze(1), torch.mean(x,1).unsqueeze(1)), dim=1) + +class spatial_attn_layer(nn.Module): + def __init__(self, kernel_size=3): + super(spatial_attn_layer, self).__init__() + self.compress = ChannelPool() + self.spatial = nn.Conv2d(2, 1, 3, stride=1, padding=1, bias=True) + + def forward(self, x): + # import pdb;pdb.set_trace() + x_compress = self.compress(x) + x_out = self.spatial(x_compress) + scale = torch.sigmoid(x_out) # broadcasting + return x * scale + +# ------------------------------------------------------- +# Content Unrelated Channel Attention (CUCA) Layer +# ------------------------------------------------------- +class CUCALayer(nn.Module): + def __init__(self, channel=64, min=0, max=None): + super(CUCALayer, self).__init__() + + self.attention = nn.Conv2d(channel, channel, 1, padding=0, + groups=channel, bias=False) + self.min, self.max = min, max + nn.init.uniform_(self.attention.weight, 0, 1) + + def forward(self, x): + self.attention.weight.data.clamp_(self.min, self.max) + return self.attention(x) + + +# ------------------------------------------------------- +# Res Block: x + conv(relu(conv(x))) +# ------------------------------------------------------- +class ResBlock(nn.Module): + def __init__(self, in_channels=64, out_channels=64, kernel_size=3, stride=1, + padding=1, bias=True, mode='CRC'): + super(ResBlock, self).__init__() + + assert in_channels == out_channels + if mode[0] in ['R','L']: + mode = mode[0].lower() + mode[1:] + + self.res = conv(in_channels, out_channels, kernel_size, + stride, padding, bias=bias, mode=mode) + + def forward(self, x): + res = self.res(x) + return x + res + +# ------------------------------------------------------- +# Residual Channel Attention Block (RCAB) +# ------------------------------------------------------- +class RCABlock(nn.Module): + def __init__(self, in_channels=64, out_channels=64, kernel_size=3, stride=1, + padding=1, bias=True, mode='CRC', reduction=16): + super(RCABlock, self).__init__() + assert in_channels == out_channels + if mode[0] in ['R','L']: + mode = mode[0].lower() + mode[1:] + + self.res = conv(in_channels, out_channels, kernel_size, + stride, padding, bias=bias, mode=mode) + # self.CA = CALayer(out_channels, reduction) + #self.SA = spatial_attn_layer() ## Spatial Attention + #self.conv1x1 = nn.Conv2d(in_channels*2, in_channels, kernel_size=1) + + def forward(self, x): + res = self.res(x) + #sa_branch = self.SA(res) + # ca_branch = self.CA(res) + #res = torch.cat([sa_branch, ca_branch], dim=1) + #res = self.conv1x1(res) + return res + x + + +# ------------------------------------------------------- +# Residual Channel Attention Group (RG) +# ------------------------------------------------------- +class RCAGroup(nn.Module): + def __init__(self, in_channels=64, out_channels=64, kernel_size=3, stride=1, + padding=1, bias=True, mode='CRC', reduction=16, nb=12, num_attention_block=4, use_attention=True): + super(RCAGroup, self).__init__() + assert in_channels == out_channels + if mode[0] in ['R','L']: + mode = mode[0].lower() + mode[1:] + + RG = [] + for _ in range(num_attention_block): + RG.extend([RCABlock(in_channels, out_channels, kernel_size, stride, padding, + bias, mode, reduction) for _ in range(nb//num_attention_block)]) + if use_attention: + RG.append(AttentionResBlock(in_channels)) + RG.append(conv(out_channels, out_channels, mode='C')) + + # self.rg = ShortcutBlock(nn.Sequential(*RG)) + self.rg = nn.Sequential(*RG) + + + def forward(self, x): + res = self.rg(x) + return res + x + +# ------------------------------------------------------- +# conv + subp + relu +# ------------------------------------------------------- +def upsample_pixelshuffle(in_channels=64, out_channels=3, kernel_size=3, + stride=1, padding=1, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 4BR. + assert len(mode)<4 and mode[0] in ['2', '3', '4'] + up1 = conv(in_channels, out_channels * (int(mode[0]) ** 2), kernel_size, + stride, padding, bias=bias, mode='C'+mode) + return up1 + + +# ------------------------------------------------------- +# nearest_upsample + conv + relu +# ------------------------------------------------------- +def upsample_upconv(in_channels=64, out_channels=3, kernel_size=3, stride=1, + padding=1, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 3BR. + assert len(mode)<4 and mode[0] in ['2', '3'] + if mode[0] == '2': + uc = 'UC' + elif mode[0] == '3': + uc = 'uC' + mode = mode.replace(mode[0], uc) + up1 = conv(in_channels, out_channels, kernel_size, stride, + padding, bias=bias, mode=mode) + return up1 + + +# ------------------------------------------------------- +# convTranspose + relu +# ------------------------------------------------------- +def upsample_convtranspose(in_channels=64, out_channels=3, kernel_size=2, + stride=2, padding=0, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 4BR. + assert len(mode)<4 and mode[0] in ['2', '3', '4'] + kernel_size = int(mode[0]) + stride = int(mode[0]) + mode = mode.replace(mode[0], 'T') + up1 = conv(in_channels, out_channels, kernel_size, stride, + padding, bias=bias, mode=mode) + return up1 + + +''' +# ====================== +# Downsampler +# ====================== +''' + + +# ------------------------------------------------------- +# strideconv + relu +# ------------------------------------------------------- +def downsample_strideconv(in_channels=64, out_channels=64, kernel_size=2, + stride=2, padding=0, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 4BR. + assert len(mode)<4 and mode[0] in ['2', '3', '4'] + kernel_size = int(mode[0]) + stride = int(mode[0]) + mode = mode.replace(mode[0], 'C') + down1 = conv(in_channels, out_channels, kernel_size, stride, + padding, bias=bias, mode=mode) + return down1 + + +# ------------------------------------------------------- +# maxpooling + conv + relu +# ------------------------------------------------------- +def downsample_maxpool(in_channels=64, out_channels=64, kernel_size=3, + stride=1, padding=0, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 3BR. + assert len(mode)<4 and mode[0] in ['2', '3'] + kernel_size_pool = int(mode[0]) + stride_pool = int(mode[0]) + mode = mode.replace(mode[0], 'MC') + pool = conv(kernel_size=kernel_size_pool, stride=stride_pool, mode=mode[0]) + pool_tail = conv(in_channels, out_channels, kernel_size, stride, + padding, bias=bias, mode=mode[1:]) + return sequential(pool, pool_tail) + + +# ------------------------------------------------------- +# averagepooling + conv + relu +# ------------------------------------------------------- +def downsample_avgpool(in_channels=64, out_channels=64, kernel_size=3, + stride=1, padding=1, bias=True, mode='2R'): + # mode examples: 2, 2R, 2BR, 3, ..., 3BR. + assert len(mode)<4 and mode[0] in ['2', '3'] + kernel_size_pool = int(mode[0]) + stride_pool = int(mode[0]) + mode = mode.replace(mode[0], 'AC') + pool = conv(kernel_size=kernel_size_pool, stride=stride_pool, mode=mode[0]) + pool_tail = conv(in_channels, out_channels, kernel_size, stride, + padding, bias=bias, mode=mode[1:]) + return sequential(pool, pool_tail) + + + +class AttentionResBlock(nn.Module): + def __init__(self, dim: int): + super(AttentionResBlock, self).__init__() + self._spatial_attention_conv = nn.Conv2d(2, dim, kernel_size=3, padding=1) + + # Channel attention MLP + self._channel_attention_conv0 = nn.Conv2d(1, dim, kernel_size=1, padding=0) + self._channel_attention_conv1 = nn.Conv2d(dim, dim, kernel_size=1, padding=0) + + self._out_conv = nn.Conv2d(2 * dim, dim, kernel_size=1, padding=0) + + def forward(self, x: torch.Tensor): + # Spatial attention + mean = torch.mean(x, dim=1, keepdim=True) # Mean/Max on C axis + max, _ = torch.max(x, dim=1, keepdim=True) + spatial_attention = torch.cat([mean, max], dim=1) # [B, 2, H, W] + spatial_attention = self._spatial_attention_conv(spatial_attention) + spatial_attention = torch.sigmoid(spatial_attention) * x + + channel_attention = torch.relu(self._channel_attention_conv0(mean)) + channel_attention = self._channel_attention_conv1(channel_attention) + channel_attention = torch.sigmoid(channel_attention) * x + + attention = torch.cat([spatial_attention, channel_attention], dim=1) # [B, 2*dim, H, W] + attention = self._out_conv(attention) + return x + attention + + +class MWRCANv2(nn.Module): + def __init__(self): + super(MWRCANv2, self).__init__() + c1 = 64 + c2 = 96 + c3 = 128 + n_b = 16 + + self.head = seq( + nn.PixelUnshuffle(2), + DWTForward() + ) + + self.down1 = seq( + nn.Conv2d(48, c1, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b, num_attention_block=4) + ) + + self.down2 = seq( + DWTForward(), + nn.Conv2d(c1 * 4, c2, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b, num_attention_block=4) + ) + + self.down3 = seq( + DWTForward(), + nn.Conv2d(c2 * 4, c3, 3, 1, 1), + nn.PReLU() + ) + + self.middle = seq( + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b, num_attention_block=4), + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b, num_attention_block=4) + ) + + self.up1 = seq( + nn.Conv2d(c3, c2 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up2 = seq( + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b, num_attention_block=4), + nn.Conv2d(c2, c1 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up3 = seq( + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b, num_attention_block=4), + nn.Conv2d(c1, 48, 3, 1, 1) + ) + + self.tail = seq( + DWTInverse(), + nn.PixelShuffle(2) + ) + + def forward(self, x, c=None): + c1 = self.head(x) + c2 = self.down1(c1) + c3 = self.down2(c2) + c4 = self.down3(c3) + m = self.middle(c4) + c5 = self.up1(m) + c3 + c6 = self.up2(c5) + c2 + c7 = self.up3(c6) + c1 + out = self.tail(c7) + + return out + + + +class MWRCANv3(nn.Module): + def __init__(self): + super(MWRCANv3, self).__init__() + c1 = 64 + c2 = 96 + c3 = 128 + n_b = 16 + + self.head = seq( + DWTForward() + ) + + self.down1 = seq( + nn.Conv2d(12, c1, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b) + ) + + self.down2 = seq( + DWTForward(), + nn.Conv2d(c1 * 4, c2, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b) + ) + + self.down3 = seq( + DWTForward(), + nn.Conv2d(c2 * 4, c3, 3, 1, 1), + nn.PReLU() + ) + + self.middle = seq( + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b), + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b) + ) + + self.up1 = seq( + nn.Conv2d(c3, c2 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up2 = seq( + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b), + nn.Conv2d(c2, c1 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up3 = seq( + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b), + nn.Conv2d(c1, 12, 3, 1, 1) + ) + + self.tail = seq( + DWTInverse() + ) + + def forward(self, x, c=None): + c1 = self.head(x) + c2 = self.down1(c1) + c3 = self.down2(c2) + c4 = self.down3(c3) + m = self.middle(c4) + c5 = self.up1(m) + c3 + c6 = self.up2(c5) + c2 + c7 = self.up3(c6) + c1 + out = self.tail(c7) + + return out + + +class MWRCANv4(nn.Module): + def __init__(self, c1 = 64, c2 = 96, c3 = 128, n_b = 16): + super(MWRCANv4, self).__init__() + + self.head = seq( + DWTForward() + ) + + self.down1 = seq( + nn.Conv2d(12, c1, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b, use_attention=False) + ) + + self.down2 = seq( + DWTForward(), + nn.Conv2d(c1 * 4, c2, 3, 1, 1), + nn.PReLU(), + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b, use_attention=False) + ) + + self.down3 = seq( + DWTForward(), + nn.Conv2d(c2 * 4, c3, 3, 1, 1), + nn.PReLU() + ) + + self.middle = seq( + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b, use_attention=False), + RCAGroup(in_channels=c3, out_channels=c3, nb=n_b, use_attention=False) + ) + + self.up1 = seq( + nn.Conv2d(c3, c2 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up2 = seq( + RCAGroup(in_channels=c2, out_channels=c2, nb=n_b, use_attention=False), + nn.Conv2d(c2, c1 * 4, 3, 1, 1), + nn.PReLU(), + DWTInverse() + ) + + self.up3 = seq( + RCAGroup(in_channels=c1, out_channels=c1, nb=n_b, use_attention=False), + nn.Conv2d(c1, 12, 3, 1, 1) + ) + + self.tail = seq( + DWTInverse() + ) + + def forward(self, x, c=None): + c1 = self.head(x) + c2 = self.down1(c1) + c3 = self.down2(c2) + c4 = self.down3(c3) + m = self.middle(c4) + c5 = self.up1(m) + c3 + c6 = self.up2(c5) + c2 + c7 = self.up3(c6) + out = self.tail(c7) + + return out \ No newline at end of file diff --git a/MiAlgo/network_raw_denoise.py b/MiAlgo/network_raw_denoise.py new file mode 100644 index 0000000000000000000000000000000000000000..328559cdb8659a1a17a7d5064d34c284d4b2f875 --- /dev/null +++ b/MiAlgo/network_raw_denoise.py @@ -0,0 +1,141 @@ +''' +def upsample_and_sum(x1, x2,output_channels,in_channels): + pool_size = 2 + deconv_filter = tf.Variable(tf.truncated_normal([pool_size, pool_size, output_channels, in_channels], stddev=0.02)) + deconv = tf.nn.conv2d_transpose(x1, deconv_filter, tf.shape(x2), strides=[1, pool_size, pool_size, 1]) + + deconv_output = tf.add(deconv,x2) + return deconv_output + + +def sc_net_1f(input): + # scratch capture single frame denoise network + # unet_2down_res_relu_64c5 + + with slim.arg_scope([slim.conv2d], weights_initializer=slim.variance_scaling_initializer(), + weights_regularizer=slim.l1_regularizer(0.0001),biases_initializer = None): + + conv1 = slim.conv2d(input, 64, [3, 3], rate=1, activation_fn=relu, scope='conv1_1') + res_conv1 = slim.conv2d(conv1, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv1_1') + res_conv1 = slim.conv2d(res_conv1, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv1_2') + res_block1 = conv1 + res_conv1 + + + pool2 = slim.avg_pool2d(res_block1,[2,2],padding='SAME') + res_conv2 = slim.conv2d(pool2, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv2_1') + res_conv2 = slim.conv2d(res_conv2, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv2_2') + res_block2 = pool2 + res_conv2 + + pool3 = slim.avg_pool2d(res_block2,[2,2],padding='SAME') + res_conv3 = slim.conv2d(pool3, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv3_1') + res_conv3 = slim.conv2d(res_conv3, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv3_2') + res_block3 = pool3 + res_conv3 + + deconv1 = upsample_and_sum(res_block3, res_block2, 64, 64) + + conv4 = slim.conv2d(deconv1, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv4_1') + res_conv4 = slim.conv2d(conv4, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv4_1') + res_conv4 = slim.conv2d(res_conv4, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv4_2') + res_block4 = conv4 + res_conv4 + + deconv2 = upsample_and_sum(res_block4, res_block1, 64, 64) + + conv5 = slim.conv2d(deconv2, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv5_1') + res_conv5 = slim.conv2d(conv5, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv5_1') + res_conv5 = slim.conv2d(res_conv5, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv5_2') + res_block5 = conv5 + res_conv5 + + conv6 = slim.conv2d(res_block5, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv6_1') + conv7 = slim.conv2d(conv6, 4, [3, 3], rate=1, stride=1, activation_fn=None, scope='conv7_1') + + out = conv7 + + return out +''' + +import numpy as np + +import torch +import torch.nn as nn + + +class sc_net_1f(nn.Module): + def __init__(self): + super().__init__() + + self.conv1_1 = nn.Conv2d(in_channels=4, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv1_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv1_2 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + + self.pool2 = nn.AvgPool2d(2) + self.res_conv2_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv2_2 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + + self.pool3 = nn.AvgPool2d(2) + self.res_conv3_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv3_2 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + + self.deconv1 = nn.ConvTranspose2d(in_channels=64, out_channels=64, kernel_size=2, padding=0, stride=2, bias=False) + + self.conv4_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv4_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv4_2 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + + self.deconv2 = nn.ConvTranspose2d(in_channels=64, out_channels=64, kernel_size=2, padding=0, stride=2, bias=False) + + self.conv5_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv5_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.res_conv5_2 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + + self.conv6_1 = nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1, stride=1, bias=False) + self.conv7_1 = nn.Conv2d(in_channels=64, out_channels=4, kernel_size=3, padding=1, stride=1, bias=False) + + self.relu = nn.ReLU(inplace=True) + + + def upsample_and_sum(x1, x2,output_channels,in_channels): + pool_size = 2 + deconv_filter = tf.Variable(tf.truncated_normal([pool_size, pool_size, output_channels, in_channels], stddev=0.02)) + deconv = tf.nn.conv2d_transpose(x1, deconv_filter, tf.shape(x2), strides=[1, pool_size, pool_size, 1]) + + deconv_output = tf.add(deconv,x2) + return deconv_output + + def forward(self, inp): + conv1 = self.relu(self.conv1_1(inp)) + res_conv1 = self.relu(self.res_conv1_1(conv1)) + res_conv1 = self.relu(self.res_conv1_2(res_conv1)) + res_block1 = conv1 + res_conv1 + + pool2 = self.pool2(res_block1) + res_conv2 = self.relu(self.res_conv2_1(pool2)) + res_conv2 = self.relu(self.res_conv2_2(res_conv2)) + res_block2 = pool2 + res_conv2 + + pool3 = self.pool3(res_block2) + res_conv3 = self.relu(self.res_conv3_1(pool3)) + res_conv3 = self.relu(self.res_conv3_2(res_conv3)) + res_block3 = pool3 + res_conv3 + + deconv1 = self.deconv1(res_block3) + res_block2 + + conv4 = self.relu(self.conv4_1(deconv1)) + res_conv4 = self.relu(self.res_conv4_1(conv4)) + res_conv4 = self.relu(self.res_conv4_2(res_conv4)) + res_block4 = conv4 + res_conv4 + + deconv2 = self.deconv2(res_block4) + res_block1 + + conv5 = self.relu(self.conv5_1(deconv2)) + res_conv5 = self.relu(self.res_conv5_1(conv5)) + res_conv5 = self.relu(self.res_conv5_2(res_conv5)) + res_block5 = conv5 + res_conv5 + + conv6 = self.relu(self.conv6_1(res_block5)) + conv7 = self.conv7_1(conv6) + + out = conv7 + + return out + + diff --git a/MiAlgo/run.sh b/MiAlgo/run.sh new file mode 100644 index 0000000000000000000000000000000000000000..ada35f468484df348b2278cecf3cf6379e132251 --- /dev/null +++ b/MiAlgo/run.sh @@ -0,0 +1,7 @@ +#!/bin/bash +export PATH=/opt/conda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin +_=/usr/bin/env + +python main_test.py + + diff --git a/MiAlgo/sky_seg.pt b/MiAlgo/sky_seg.pt new file mode 100644 index 0000000000000000000000000000000000000000..8cb96eca4bd1f3022912137998895323207dbabe --- /dev/null +++ b/MiAlgo/sky_seg.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75cbb55110ca846a55eadc8ed3f122081ff71de069bbe8cf34b61d755feb406e +size 27338527 diff --git a/MiAlgo/tone_curve.mat b/MiAlgo/tone_curve.mat new file mode 100644 index 0000000000000000000000000000000000000000..af56812d14be86467529eccc094f988dd926ed0c Binary files /dev/null and b/MiAlgo/tone_curve.mat differ diff --git a/MiAlgo/trained_models/fc4_cwp/fold_0/metrics.csv b/MiAlgo/trained_models/fc4_cwp/fold_0/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..fa399050f3edafb5d3ebdc4baf55454276b2ddf7 --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_0/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +13.005475762808858,8.579540528317608,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826 +10.88077814880965,0,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826 +10.555450431039278,0,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826 +10.612556845814698,0,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826 +9.965662212201977,0,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826,8.579540528317608,6.186561107635498,7.0686503648757935,3.5271973736742708,17.53066247701645,19.366010284423826 +8.046303971186477,7.49953453439884,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735 +7.040161480394863,0,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735 +6.711547701921815,0,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735 +7.06175151844767,0,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735 +6.342739628495202,0,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735,7.49953453439884,6.769091606140137,6.939489126205444,3.8669212853654904,12.37011969089508,14.281832122802735 +5.959406677132232,4.158239053670691,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355 +5.689255548734463,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355 +5.86593181476744,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355 +5.950786804303645,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355 +5.464101822206402,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355 +5.865335240881487,4.511313734861909,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.511313734861909,4.2448248863220215,4.227620840072632,1.8094717035902308,7.588717758655548,8.617407608032225 +5.5039004566722936,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.511313734861909,4.2448248863220215,4.227620840072632,1.8094717035902308,7.588717758655548,8.617407608032225 +5.346356468024543,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.511313734861909,4.2448248863220215,4.227620840072632,1.8094717035902308,7.588717758655548,8.617407608032225 +5.180107951321514,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.511313734861909,4.2448248863220215,4.227620840072632,1.8094717035902308,7.588717758655548,8.617407608032225 +5.544983973682399,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.511313734861909,4.2448248863220215,4.227620840072632,1.8094717035902308,7.588717758655548,8.617407608032225 +5.20059389159044,4.79426819054538,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.79426819054538,4.593546390533447,4.555435955524445,2.492409386533372,7.525104184945424,8.582118034362791 +5.559386671100569,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.79426819054538,4.593546390533447,4.555435955524445,2.492409386533372,7.525104184945424,8.582118034362791 +5.780317233310211,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.79426819054538,4.593546390533447,4.555435955524445,2.492409386533372,7.525104184945424,8.582118034362791 +5.37797010621169,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.79426819054538,4.593546390533447,4.555435955524445,2.492409386533372,7.525104184945424,8.582118034362791 +5.449127564781731,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.79426819054538,4.593546390533447,4.555435955524445,2.492409386533372,7.525104184945424,8.582118034362791 +5.428832321651378,5.435960864263867,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,5.435960864263867,5.506979942321777,5.365949809551239,2.336170500897347,8.59264831741651,10.436772918701172 +5.3474673821460605,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,5.435960864263867,5.506979942321777,5.365949809551239,2.336170500897347,8.59264831741651,10.436772918701172 +5.771353666889322,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,5.435960864263867,5.506979942321777,5.365949809551239,2.336170500897347,8.59264831741651,10.436772918701172 +4.992845035676591,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,5.435960864263867,5.506979942321777,5.365949809551239,2.336170500897347,8.59264831741651,10.436772918701172 +5.126328241699289,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,5.435960864263867,5.506979942321777,5.365949809551239,2.336170500897347,8.59264831741651,10.436772918701172 +5.219949458472647,4.160266493994092,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.160266493994092,3.9137659072875977,3.9223957657814026,1.856867805440375,6.896466761827469,8.467033576965328 +4.968640726325066,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.160266493994092,3.9137659072875977,3.9223957657814026,1.856867805440375,6.896466761827469,8.467033576965328 +5.429311057901634,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.160266493994092,3.9137659072875977,3.9223957657814026,1.856867805440375,6.896466761827469,8.467033576965328 +4.757122786897468,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.160266493994092,3.9137659072875977,3.9223957657814026,1.856867805440375,6.896466761827469,8.467033576965328 +5.348346015905327,0,4.158239053670691,3.7246780395507812,3.9212326407432556,1.706690050185995,7.09527717034022,8.472929191589355,4.160266493994092,3.9137659072875977,3.9223957657814026,1.856867805440375,6.896466761827469,8.467033576965328 +4.9052416224592905,3.239096571371038,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808 +5.315825825159028,0,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808 +4.868423186989604,0,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808 +5.07265546642696,0,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808 +5.017929789966518,0,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808,3.239096571371038,2.5796713829040527,2.8129281103610992,1.1106487151156081,6.425697505474091,8.061943626403808 +5.406142927372047,2.9697464674947756,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683 +4.812878776626725,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683 +4.648626283636823,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683 +4.924541265263878,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683 +4.7312414855315374,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683 +5.1516312469868355,3.369303903251729,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.369303903251729,2.5190160274505615,2.7874177992343903,1.0573062211909192,7.103730062643687,8.679290580749507 +5.196942075693827,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.369303903251729,2.5190160274505615,2.7874177992343903,1.0573062211909192,7.103730062643687,8.679290580749507 +5.117229569241365,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.369303903251729,2.5190160274505615,2.7874177992343903,1.0573062211909192,7.103730062643687,8.679290580749507 +4.817384259328049,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.369303903251729,2.5190160274505615,2.7874177992343903,1.0573062211909192,7.103730062643687,8.679290580749507 +4.77190055570376,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.369303903251729,2.5190160274505615,2.7874177992343903,1.0573062211909192,7.103730062643687,8.679290580749507 +4.9490406810844165,3.140049013511214,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140049013511214,2.613593101501465,2.6884643137454987,1.004295658557973,6.4401953021685285,7.6210836410522464 +4.908238215485003,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140049013511214,2.613593101501465,2.6884643137454987,1.004295658557973,6.4401953021685285,7.6210836410522464 +4.858055972958618,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140049013511214,2.613593101501465,2.6884643137454987,1.004295658557973,6.4401953021685285,7.6210836410522464 +5.026709763583848,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140049013511214,2.613593101501465,2.6884643137454987,1.004295658557973,6.4401953021685285,7.6210836410522464 +4.619445541446002,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140049013511214,2.613593101501465,2.6884643137454987,1.004295658557973,6.4401953021685285,7.6210836410522464 +4.591768642941534,3.085418450769293,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.085418450769293,2.622042179107666,2.6341203153133392,1.1955800918822592,5.812809859712918,6.868981456756591 +4.6626138295929165,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.085418450769293,2.622042179107666,2.6341203153133392,1.1955800918822592,5.812809859712918,6.868981456756591 +4.514273609091235,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.085418450769293,2.622042179107666,2.6341203153133392,1.1955800918822592,5.812809859712918,6.868981456756591 +4.856252573469855,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.085418450769293,2.622042179107666,2.6341203153133392,1.1955800918822592,5.812809859712918,6.868981456756591 +4.74021429888963,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.085418450769293,2.622042179107666,2.6341203153133392,1.1955800918822592,5.812809859712918,6.868981456756591 +4.6125164332364665,3.140173497732985,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140173497732985,2.5107662677764893,2.621890217065811,1.0603818490784218,6.275778089960416,7.929403495788572 +4.581001198857944,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140173497732985,2.5107662677764893,2.621890217065811,1.0603818490784218,6.275778089960416,7.929403495788572 +4.390456423674536,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140173497732985,2.5107662677764893,2.621890217065811,1.0603818490784218,6.275778089960416,7.929403495788572 +4.670310089369562,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140173497732985,2.5107662677764893,2.621890217065811,1.0603818490784218,6.275778089960416,7.929403495788572 +4.593048022770001,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.140173497732985,2.5107662677764893,2.621890217065811,1.0603818490784218,6.275778089960416,7.929403495788572 +4.902942889166067,3.008618027602554,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.008618027602554,2.503740072250366,2.600546211004257,0.8907092460926543,6.101048131783803,7.618206501007077 +4.748507138882275,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.008618027602554,2.503740072250366,2.600546211004257,0.8907092460926543,6.101048131783803,7.618206501007077 +4.441229708905585,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.008618027602554,2.503740072250366,2.600546211004257,0.8907092460926543,6.101048131783803,7.618206501007077 +4.654515403438369,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.008618027602554,2.503740072250366,2.600546211004257,0.8907092460926543,6.101048131783803,7.618206501007077 +4.596776722918086,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.008618027602554,2.503740072250366,2.600546211004257,0.8907092460926543,6.101048131783803,7.618206501007077 +4.285224192139341,3.8325843021037085,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.8325843021037085,3.2812769412994385,3.4179635047912598,1.6667279607438026,6.847583045562108,8.344505310058592 +4.363150996866201,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.8325843021037085,3.2812769412994385,3.4179635047912598,1.6667279607438026,6.847583045562108,8.344505310058592 +4.3739279396733695,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.8325843021037085,3.2812769412994385,3.4179635047912598,1.6667279607438026,6.847583045562108,8.344505310058592 +4.281729457855697,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.8325843021037085,3.2812769412994385,3.4179635047912598,1.6667279607438026,6.847583045562108,8.344505310058592 +4.839552926553271,0,2.9697464674947756,2.02960467338562,2.340675175189972,0.7032772640281535,6.660399983326594,8.594774436950683,3.8325843021037085,3.2812769412994385,3.4179635047912598,1.6667279607438026,6.847583045562108,8.344505310058592 +4.676710914102896,2.801896608025624,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066 +4.251168764419952,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066 +4.64852679805894,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066 +4.294478162494058,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066 +4.5108628764866525,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066 +4.583138827519555,3.948898807917007,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.948898807917007,3.4734458923339844,3.555640161037445,1.4835689900086282,7.296154618263245,8.99770679473877 +4.40363701584314,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.948898807917007,3.4734458923339844,3.555640161037445,1.4835689900086282,7.296154618263245,8.99770679473877 +4.487474958468868,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.948898807917007,3.4734458923339844,3.555640161037445,1.4835689900086282,7.296154618263245,8.99770679473877 +4.42580276507501,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.948898807917007,3.4734458923339844,3.555640161037445,1.4835689900086282,7.296154618263245,8.99770679473877 +4.696890941749777,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.948898807917007,3.4734458923339844,3.555640161037445,1.4835689900086282,7.296154618263245,8.99770679473877 +3.9542593814255693,3.0704311166333143,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.0704311166333143,2.682777166366577,2.744119942188263,1.0456865984708705,5.649913877248764,7.126983451843261 +4.54050516767678,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.0704311166333143,2.682777166366577,2.744119942188263,1.0456865984708705,5.649913877248764,7.126983451843261 +4.349404616276476,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.0704311166333143,2.682777166366577,2.744119942188263,1.0456865984708705,5.649913877248764,7.126983451843261 +4.549480763895531,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.0704311166333143,2.682777166366577,2.744119942188263,1.0456865984708705,5.649913877248764,7.126983451843261 +4.188892533132772,0,2.801896608025624,2.426241636276245,2.4242192208766937,0.9044083101635284,5.400568087895711,7.264978981018066,3.0704311166333143,2.682777166366577,2.744119942188263,1.0456865984708705,5.649913877248764,7.126983451843261 +4.42604228405965,2.4804241258315938,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962 +4.518842793116469,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962 +4.382541403135083,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962 +4.220317407145035,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962 +4.042336874476838,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962 +4.518647082779055,2.947153205870005,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.947153205870005,2.5098304748535156,2.6238463819026947,1.30689236315641,5.294216498732567,6.710896873474121 +4.376647322681931,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.947153205870005,2.5098304748535156,2.6238463819026947,1.30689236315641,5.294216498732567,6.710896873474121 +4.5069023163148785,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.947153205870005,2.5098304748535156,2.6238463819026947,1.30689236315641,5.294216498732567,6.710896873474121 +4.586565642330137,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.947153205870005,2.5098304748535156,2.6238463819026947,1.30689236315641,5.294216498732567,6.710896873474121 +4.119173192490374,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.947153205870005,2.5098304748535156,2.6238463819026947,1.30689236315641,5.294216498732567,6.710896873474121 +4.367936274130143,5.146532857386523,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,5.146532857386523,4.884833335876465,4.965011119842529,2.287221828039656,8.411200612783432,9.97331676483154 +4.274705689705142,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,5.146532857386523,4.884833335876465,4.965011119842529,2.287221828039656,8.411200612783432,9.97331676483154 +4.3032930065585315,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,5.146532857386523,4.884833335876465,4.965011119842529,2.287221828039656,8.411200612783432,9.97331676483154 +4.440210970890239,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,5.146532857386523,4.884833335876465,4.965011119842529,2.287221828039656,8.411200612783432,9.97331676483154 +4.246215455450295,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,5.146532857386523,4.884833335876465,4.965011119842529,2.287221828039656,8.411200612783432,9.97331676483154 +4.449626180714384,3.1753708039011275,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1753708039011275,2.567349910736084,2.797072649002075,1.1277234668427325,6.109347095092137,7.092702198028565 +4.218942314661587,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1753708039011275,2.567349910736084,2.797072649002075,1.1277234668427325,6.109347095092137,7.092702198028565 +4.136509396391368,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1753708039011275,2.567349910736084,2.797072649002075,1.1277234668427325,6.109347095092137,7.092702198028565 +4.510197665512877,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1753708039011275,2.567349910736084,2.797072649002075,1.1277234668427325,6.109347095092137,7.092702198028565 +4.466271307211281,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1753708039011275,2.567349910736084,2.797072649002075,1.1277234668427325,6.109347095092137,7.092702198028565 +4.156843655853284,4.844480661015031,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.844480661015031,3.783255100250244,4.185975730419159,1.5101759845906115,9.70320396622022,11.483009147644042 +4.4248897804433875,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.844480661015031,3.783255100250244,4.185975730419159,1.5101759845906115,9.70320396622022,11.483009147644042 +4.189074891204098,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.844480661015031,3.783255100250244,4.185975730419159,1.5101759845906115,9.70320396622022,11.483009147644042 +4.334223497118359,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.844480661015031,3.783255100250244,4.185975730419159,1.5101759845906115,9.70320396622022,11.483009147644042 +4.327079635889989,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.844480661015031,3.783255100250244,4.185975730419159,1.5101759845906115,9.70320396622022,11.483009147644042 +4.305668532337236,2.4840005342922513,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4840005342922513,1.8595165014266968,2.0807717740535736,0.757657711810254,5.212895900011063,6.206342411041259 +4.269135532168411,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4840005342922513,1.8595165014266968,2.0807717740535736,0.757657711810254,5.212895900011063,6.206342411041259 +4.320500997349738,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4840005342922513,1.8595165014266968,2.0807717740535736,0.757657711810254,5.212895900011063,6.206342411041259 +4.0868108042547755,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4840005342922513,1.8595165014266968,2.0807717740535736,0.757657711810254,5.212895900011063,6.206342411041259 +4.266418079725199,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.4840005342922513,1.8595165014266968,2.0807717740535736,0.757657711810254,5.212895900011063,6.206342411041259 +3.9488434200236537,3.1411281139368104,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1411281139368104,2.472984552383423,2.6851902902126312,0.911020206485657,6.2453568776448565,7.89960651397705 +3.9522828561374252,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1411281139368104,2.472984552383423,2.6851902902126312,0.911020206485657,6.2453568776448565,7.89960651397705 +4.5250129689484595,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1411281139368104,2.472984552383423,2.6851902902126312,0.911020206485657,6.2453568776448565,7.89960651397705 +4.078675059812993,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1411281139368104,2.472984552383423,2.6851902902126312,0.911020206485657,6.2453568776448565,7.89960651397705 +4.395155444898517,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.1411281139368104,2.472984552383423,2.6851902902126312,0.911020206485657,6.2453568776448565,7.89960651397705 +4.116843536063675,4.068012136788595,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.068012136788595,3.7756905555725098,3.8240718245506287,1.8373479849480567,6.854880213737488,8.315538215637204 +4.236517926221,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.068012136788595,3.7756905555725098,3.8240718245506287,1.8373479849480567,6.854880213737488,8.315538215637204 +4.578731808683646,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.068012136788595,3.7756905555725098,3.8240718245506287,1.8373479849480567,6.854880213737488,8.315538215637204 +4.503827207242593,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.068012136788595,3.7756905555725098,3.8240718245506287,1.8373479849480567,6.854880213737488,8.315538215637204 +4.282323411437327,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.068012136788595,3.7756905555725098,3.8240718245506287,1.8373479849480567,6.854880213737488,8.315538215637204 +3.954457110575447,3.256558018859732,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.256558018859732,2.867100954055786,3.0175341367721558,1.3452885119204825,5.7639541526635485,6.7814550399780265 +4.195487918946548,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.256558018859732,2.867100954055786,3.0175341367721558,1.3452885119204825,5.7639541526635485,6.7814550399780265 +4.053993429782208,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.256558018859732,2.867100954055786,3.0175341367721558,1.3452885119204825,5.7639541526635485,6.7814550399780265 +4.413323873737557,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.256558018859732,2.867100954055786,3.0175341367721558,1.3452885119204825,5.7639541526635485,6.7814550399780265 +4.247838570252258,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.256558018859732,2.867100954055786,3.0175341367721558,1.3452885119204825,5.7639541526635485,6.7814550399780265 +4.1947400901358485,2.781175111573209,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.781175111573209,2.3993091583251953,2.517214447259903,1.0423498163197904,5.209031234184901,6.218835258483885 +4.177368916748067,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.781175111573209,2.3993091583251953,2.517214447259903,1.0423498163197904,5.209031234184901,6.218835258483885 +4.162079270172245,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.781175111573209,2.3993091583251953,2.517214447259903,1.0423498163197904,5.209031234184901,6.218835258483885 +4.120494585788974,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.781175111573209,2.3993091583251953,2.517214447259903,1.0423498163197904,5.209031234184901,6.218835258483885 +3.922573521811918,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.781175111573209,2.3993091583251953,2.517214447259903,1.0423498163197904,5.209031234184901,6.218835258483885 +4.1175320527877535,2.6235507676210355,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.6235507676210355,2.098351240158081,2.2216356694698334,0.9890961596306335,5.193146914243698,6.271009349822998 +4.496149899875426,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.6235507676210355,2.098351240158081,2.2216356694698334,0.9890961596306335,5.193146914243698,6.271009349822998 +4.1378454525112165,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.6235507676210355,2.098351240158081,2.2216356694698334,0.9890961596306335,5.193146914243698,6.271009349822998 +4.174036386538306,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.6235507676210355,2.098351240158081,2.2216356694698334,0.9890961596306335,5.193146914243698,6.271009349822998 +4.3012604299234845,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.6235507676210355,2.098351240158081,2.2216356694698334,0.9890961596306335,5.193146914243698,6.271009349822998 +3.8062672497100127,3.3205831836140347,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.3205831836140347,2.8083982467651367,2.886843115091324,1.0026463916961184,6.5697336594263716,7.698154354095459 +4.043881601897267,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.3205831836140347,2.8083982467651367,2.886843115091324,1.0026463916961184,6.5697336594263716,7.698154354095459 +4.005358362555661,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.3205831836140347,2.8083982467651367,2.886843115091324,1.0026463916961184,6.5697336594263716,7.698154354095459 +3.8716886158747537,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.3205831836140347,2.8083982467651367,2.886843115091324,1.0026463916961184,6.5697336594263716,7.698154354095459 +4.1688539007762175,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,3.3205831836140347,2.8083982467651367,2.886843115091324,1.0026463916961184,6.5697336594263716,7.698154354095459 +4.029743033065645,2.9757428579229526,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.9757428579229526,2.390892267227173,2.5306927263736725,0.9644557846353409,5.878622144460678,7.300825691223142 +4.0946190022227,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.9757428579229526,2.390892267227173,2.5306927263736725,0.9644557846353409,5.878622144460678,7.300825691223142 +4.350443890529603,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.9757428579229526,2.390892267227173,2.5306927263736725,0.9644557846353409,5.878622144460678,7.300825691223142 +4.0883352258353245,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.9757428579229526,2.390892267227173,2.5306927263736725,0.9644557846353409,5.878622144460678,7.300825691223142 +4.266538649011099,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.9757428579229526,2.390892267227173,2.5306927263736725,0.9644557846353409,5.878622144460678,7.300825691223142 +3.8809599705964404,2.7709022413485895,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7709022413485895,2.212489604949951,2.352348744869232,1.02238481856407,5.4371105680863066,6.552127838134766 +4.108038077882853,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7709022413485895,2.212489604949951,2.352348744869232,1.02238481856407,5.4371105680863066,6.552127838134766 +4.119749278066026,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7709022413485895,2.212489604949951,2.352348744869232,1.02238481856407,5.4371105680863066,6.552127838134766 +3.885691830500135,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7709022413485895,2.212489604949951,2.352348744869232,1.02238481856407,5.4371105680863066,6.552127838134766 +4.095428322817845,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7709022413485895,2.212489604949951,2.352348744869232,1.02238481856407,5.4371105680863066,6.552127838134766 +4.253732736239647,2.496872586705697,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.496872586705697,1.8966138362884521,2.080643892288208,0.7367343934292488,5.1607734362284345,6.549837589263916 +3.8374510521860423,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.496872586705697,1.8966138362884521,2.080643892288208,0.7367343934292488,5.1607734362284345,6.549837589263916 +3.995597059855675,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.496872586705697,1.8966138362884521,2.080643892288208,0.7367343934292488,5.1607734362284345,6.549837589263916 +4.194807271647579,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.496872586705697,1.8966138362884521,2.080643892288208,0.7367343934292488,5.1607734362284345,6.549837589263916 +3.9743637153215334,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.496872586705697,1.8966138362884521,2.080643892288208,0.7367343934292488,5.1607734362284345,6.549837589263916 +4.316290501829502,4.158737714328463,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.158737714328463,4.024673938751221,4.005058944225311,1.6437249006109034,6.950518121321996,8.075549888610839 +4.028921365973817,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.158737714328463,4.024673938751221,4.005058944225311,1.6437249006109034,6.950518121321996,8.075549888610839 +4.137842143647432,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.158737714328463,4.024673938751221,4.005058944225311,1.6437249006109034,6.950518121321996,8.075549888610839 +4.368747377458537,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.158737714328463,4.024673938751221,4.005058944225311,1.6437249006109034,6.950518121321996,8.075549888610839 +3.9660975895330584,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,4.158737714328463,4.024673938751221,4.005058944225311,1.6437249006109034,6.950518121321996,8.075549888610839 +4.0044576853199185,2.7675473533925556,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7675473533925556,2.4265642166137695,2.527265042066574,1.154008277553193,4.959199825922648,5.5585123062133786 +3.854488899395617,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7675473533925556,2.4265642166137695,2.527265042066574,1.154008277553193,4.959199825922648,5.5585123062133786 +3.987728890690137,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7675473533925556,2.4265642166137695,2.527265042066574,1.154008277553193,4.959199825922648,5.5585123062133786 +4.004700271820645,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7675473533925556,2.4265642166137695,2.527265042066574,1.154008277553193,4.959199825922648,5.5585123062133786 +4.162137880882047,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.7675473533925556,2.4265642166137695,2.527265042066574,1.154008277553193,4.959199825922648,5.5585123062133786 +3.990242949006268,2.878515800273923,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.878515800273923,2.6128437519073486,2.6390973031520844,1.0397109419424484,5.261032680670421,6.565540981292724 +3.8913765956984347,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.878515800273923,2.6128437519073486,2.6390973031520844,1.0397109419424484,5.261032680670421,6.565540981292724 +3.992328532118753,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.878515800273923,2.6128437519073486,2.6390973031520844,1.0397109419424484,5.261032680670421,6.565540981292724 +4.235352712759556,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.878515800273923,2.6128437519073486,2.6390973031520844,1.0397109419424484,5.261032680670421,6.565540981292724 +4.1532390208271055,0,2.4804241258315938,1.8972327709197998,2.0217595994472504,0.7640072608247717,5.052162726720174,6.538568687438962,2.878515800273923,2.6128437519073486,2.6390973031520844,1.0397109419424484,5.261032680670421,6.565540981292724 +3.982800161657673,2.327321287895006,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996 +3.8282083838116523,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996 +4.300408266563371,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996 +3.8420613469619864,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996 +4.137086237562048,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996 +4.0928532317634625,2.359560573660823,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.359560573660823,1.7995059490203857,1.9635229110717773,0.853531558938483,4.619449670116107,5.640966987609863 +4.064078526753234,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.359560573660823,1.7995059490203857,1.9635229110717773,0.853531558938483,4.619449670116107,5.640966987609863 +3.711861554031951,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.359560573660823,1.7995059490203857,1.9635229110717773,0.853531558938483,4.619449670116107,5.640966987609863 +4.222436411045787,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.359560573660823,1.7995059490203857,1.9635229110717773,0.853531558938483,4.619449670116107,5.640966987609863 +4.240144990050384,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.359560573660823,1.7995059490203857,1.9635229110717773,0.853531558938483,4.619449670116107,5.640966987609863 +4.071097417073545,2.3863871251701045,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.3863871251701045,1.9157105684280396,2.0201847553253174,0.7243404982888952,4.817481478055318,6.104918766021726 +3.7605913505547908,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.3863871251701045,1.9157105684280396,2.0201847553253174,0.7243404982888952,4.817481478055318,6.104918766021726 +3.8862783004355306,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.3863871251701045,1.9157105684280396,2.0201847553253174,0.7243404982888952,4.817481478055318,6.104918766021726 +4.032794543495279,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.3863871251701045,1.9157105684280396,2.0201847553253174,0.7243404982888952,4.817481478055318,6.104918766021726 +4.024004885342001,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.3863871251701045,1.9157105684280396,2.0201847553253174,0.7243404982888952,4.817481478055318,6.104918766021726 +3.761858318502324,3.2346356817023465,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.2346356817023465,2.811115264892578,2.973833918571472,1.5269065638805956,5.5936077535152435,6.405795574188231 +3.9565013743799406,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.2346356817023465,2.811115264892578,2.973833918571472,1.5269065638805956,5.5936077535152435,6.405795574188231 +3.946566454122595,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.2346356817023465,2.811115264892578,2.973833918571472,1.5269065638805956,5.5936077535152435,6.405795574188231 +4.190797146006751,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.2346356817023465,2.811115264892578,2.973833918571472,1.5269065638805956,5.5936077535152435,6.405795574188231 +3.949788064354328,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.2346356817023465,2.811115264892578,2.973833918571472,1.5269065638805956,5.5936077535152435,6.405795574188231 +3.925825440848251,3.7493170968912266,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.7493170968912266,3.338240385055542,3.4939330220222473,1.5471855107140033,6.636030495166779,7.905191230773926 +3.8453390824763316,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.7493170968912266,3.338240385055542,3.4939330220222473,1.5471855107140033,6.636030495166779,7.905191230773926 +3.8145777907684484,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.7493170968912266,3.338240385055542,3.4939330220222473,1.5471855107140033,6.636030495166779,7.905191230773926 +4.187288567089626,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.7493170968912266,3.338240385055542,3.4939330220222473,1.5471855107140033,6.636030495166779,7.905191230773926 +4.317346496365001,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.7493170968912266,3.338240385055542,3.4939330220222473,1.5471855107140033,6.636030495166779,7.905191230773926 +4.12554761026261,3.613099580246305,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.613099580246305,3.0218074321746826,3.1737546920776367,1.1521686397968454,6.944256365299225,8.591335487365718 +4.070231929735961,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.613099580246305,3.0218074321746826,3.1737546920776367,1.1521686397968454,6.944256365299225,8.591335487365718 +4.227110888366649,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.613099580246305,3.0218074321746826,3.1737546920776367,1.1521686397968454,6.944256365299225,8.591335487365718 +4.172022614559272,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.613099580246305,3.0218074321746826,3.1737546920776367,1.1521686397968454,6.944256365299225,8.591335487365718 +3.9181932669752193,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,3.613099580246305,3.0218074321746826,3.1737546920776367,1.1521686397968454,6.944256365299225,8.591335487365718 +4.099116224943018,2.8343964264033334,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.8343964264033334,2.3784985542297363,2.454093426465988,0.9961076584902215,5.5157740116119385,7.3626456260681135 +4.146572146299332,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.8343964264033334,2.3784985542297363,2.454093426465988,0.9961076584902215,5.5157740116119385,7.3626456260681135 +4.228080069680642,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.8343964264033334,2.3784985542297363,2.454093426465988,0.9961076584902215,5.5157740116119385,7.3626456260681135 +3.9310554467672407,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.8343964264033334,2.3784985542297363,2.454093426465988,0.9961076584902215,5.5157740116119385,7.3626456260681135 +3.985608257707159,0,2.327321287895006,1.9723879098892212,2.053654134273529,0.6166836584502078,4.722167799870173,5.60407371520996,2.8343964264033334,2.3784985542297363,2.454093426465988,0.9961076584902215,5.5157740116119385,7.3626456260681135 +4.156220450053744,2.1541727439120963,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921 +4.076493957819599,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921 +3.7510730583112597,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921 +4.103674608123019,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921 +3.924865044967952,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921 +3.8577614794620425,2.932842878674073,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.932842878674073,2.3738858699798584,2.4939581751823425,1.099836730893622,5.695150092244148,6.651915359497069 +4.131203765506638,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.932842878674073,2.3738858699798584,2.4939581751823425,1.099836730893622,5.695150092244148,6.651915359497069 +3.774495809012164,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.932842878674073,2.3738858699798584,2.4939581751823425,1.099836730893622,5.695150092244148,6.651915359497069 +3.9644169807630667,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.932842878674073,2.3738858699798584,2.4939581751823425,1.099836730893622,5.695150092244148,6.651915359497069 +3.706996517162524,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.932842878674073,2.3738858699798584,2.4939581751823425,1.099836730893622,5.695150092244148,6.651915359497069 +3.753445683612358,2.731309148054274,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.731309148054274,2.3301138877868652,2.421639621257782,1.2054222276870241,4.937040080626805,5.821285533905028 +4.275687228780152,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.731309148054274,2.3301138877868652,2.421639621257782,1.2054222276870241,4.937040080626805,5.821285533905028 +3.646320125181474,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.731309148054274,2.3301138877868652,2.421639621257782,1.2054222276870241,4.937040080626805,5.821285533905028 +4.21130751199175,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.731309148054274,2.3301138877868652,2.421639621257782,1.2054222276870241,4.937040080626805,5.821285533905028 +3.9589981736325335,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.731309148054274,2.3301138877868652,2.421639621257782,1.2054222276870241,4.937040080626805,5.821285533905028 +3.992362626919174,3.403684512490318,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,3.403684512490318,2.8617022037506104,2.9317906200885773,1.0012373004822022,6.850263347228368,8.714117050170897 +3.7707367740905693,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,3.403684512490318,2.8617022037506104,2.9317906200885773,1.0012373004822022,6.850263347228368,8.714117050170897 +3.809060464001268,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,3.403684512490318,2.8617022037506104,2.9317906200885773,1.0012373004822022,6.850263347228368,8.714117050170897 +3.880480867124956,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,3.403684512490318,2.8617022037506104,2.9317906200885773,1.0012373004822022,6.850263347228368,8.714117050170897 +3.6124702762802547,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,3.403684512490318,2.8617022037506104,2.9317906200885773,1.0012373004822022,6.850263347228368,8.714117050170897 +3.9430537054752612,2.200567736078507,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.200567736078507,1.8063442707061768,1.8949738144874573,0.6554631256359689,4.305654212832451,5.281905937194824 +3.912252197105998,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.200567736078507,1.8063442707061768,1.8949738144874573,0.6554631256359689,4.305654212832451,5.281905937194824 +3.733919641096391,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.200567736078507,1.8063442707061768,1.8949738144874573,0.6554631256359689,4.305654212832451,5.281905937194824 +3.6099901185579855,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.200567736078507,1.8063442707061768,1.8949738144874573,0.6554631256359689,4.305654212832451,5.281905937194824 +3.72290434670637,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.200567736078507,1.8063442707061768,1.8949738144874573,0.6554631256359689,4.305654212832451,5.281905937194824 +3.934132905131437,2.250740124947495,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.250740124947495,1.7271442413330078,1.7714931964874268,0.5558359681608829,4.946220566829045,6.511185550689698 +3.7495096303267026,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.250740124947495,1.7271442413330078,1.7714931964874268,0.5558359681608829,4.946220566829045,6.511185550689698 +3.79431533514667,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.250740124947495,1.7271442413330078,1.7714931964874268,0.5558359681608829,4.946220566829045,6.511185550689698 +4.1520946316794545,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.250740124947495,1.7271442413330078,1.7714931964874268,0.5558359681608829,4.946220566829045,6.511185550689698 +3.717524046122556,0,2.1541727439120963,1.837069034576416,1.8518912196159363,0.5353647172451019,4.556871508558591,5.681438446044921,2.250740124947495,1.7271442413330078,1.7714931964874268,0.5558359681608829,4.946220566829045,6.511185550689698 +4.05192393316128,2.032699627575105,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671 +3.801822585567321,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671 +3.7320234529025322,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671 +3.8987695432432723,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671 +3.812784883210873,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671 +3.7043372243249637,2.2587037529973757,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.2587037529973757,1.762808084487915,1.8798463940620422,0.5985855988048493,4.8183958033720655,6.381887531280516 +3.8118294670902646,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.2587037529973757,1.762808084487915,1.8798463940620422,0.5985855988048493,4.8183958033720655,6.381887531280516 +3.8129140564036557,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.2587037529973757,1.762808084487915,1.8798463940620422,0.5985855988048493,4.8183958033720655,6.381887531280516 +4.005376499863759,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.2587037529973757,1.762808084487915,1.8798463940620422,0.5985855988048493,4.8183958033720655,6.381887531280516 +3.90112448637042,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.2587037529973757,1.762808084487915,1.8798463940620422,0.5985855988048493,4.8183958033720655,6.381887531280516 +3.840479227141686,2.291116150362151,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.291116150362151,1.8737751245498657,2.021090656518936,0.8265554692516935,4.3363778839508695,5.548058986663818 +4.1631054593186265,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.291116150362151,1.8737751245498657,2.021090656518936,0.8265554692516935,4.3363778839508695,5.548058986663818 +4.113355277749982,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.291116150362151,1.8737751245498657,2.021090656518936,0.8265554692516935,4.3363778839508695,5.548058986663818 +3.8189225536930844,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.291116150362151,1.8737751245498657,2.021090656518936,0.8265554692516935,4.3363778839508695,5.548058986663818 +3.854076393990529,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.291116150362151,1.8737751245498657,2.021090656518936,0.8265554692516935,4.3363778839508695,5.548058986663818 +4.038292239437317,2.7441952000298198,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7441952000298198,1.9037203788757324,2.1251042038202286,0.6089644845812878,6.301218008001645,7.91378383636474 +4.137408463692288,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7441952000298198,1.9037203788757324,2.1251042038202286,0.6089644845812878,6.301218008001645,7.91378383636474 +3.9040057247499678,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7441952000298198,1.9037203788757324,2.1251042038202286,0.6089644845812878,6.301218008001645,7.91378383636474 +3.8658597059449606,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7441952000298198,1.9037203788757324,2.1251042038202286,0.6089644845812878,6.301218008001645,7.91378383636474 +4.042368677447214,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7441952000298198,1.9037203788757324,2.1251042038202286,0.6089644845812878,6.301218008001645,7.91378383636474 +3.8417680942131534,2.978551855478337,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.978551855478337,2.6083450317382812,2.6862016916275024,1.4951220611308484,5.022369876503944,6.3931427001953125 +3.820254892346727,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.978551855478337,2.6083450317382812,2.6862016916275024,1.4951220611308484,5.022369876503944,6.3931427001953125 +3.840983980131338,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.978551855478337,2.6083450317382812,2.6862016916275024,1.4951220611308484,5.022369876503944,6.3931427001953125 +3.9076501439696565,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.978551855478337,2.6083450317382812,2.6862016916275024,1.4951220611308484,5.022369876503944,6.3931427001953125 +3.768396015060294,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.978551855478337,2.6083450317382812,2.6862016916275024,1.4951220611308484,5.022369876503944,6.3931427001953125 +3.763324838239788,2.6466260216538866,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.6466260216538866,2.205312728881836,2.3519034683704376,0.8830876179198002,5.04507976770401,5.777008628845214 +3.834750344893234,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.6466260216538866,2.205312728881836,2.3519034683704376,0.8830876179198002,5.04507976770401,5.777008628845214 +3.736424709923349,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.6466260216538866,2.205312728881836,2.3519034683704376,0.8830876179198002,5.04507976770401,5.777008628845214 +3.7884496148469267,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.6466260216538866,2.205312728881836,2.3519034683704376,0.8830876179198002,5.04507976770401,5.777008628845214 +3.7333946366030184,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.6466260216538866,2.205312728881836,2.3519034683704376,0.8830876179198002,5.04507976770401,5.777008628845214 +3.866006122494121,2.303319019299966,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.303319019299966,1.926508903503418,1.9891499280929565,0.6333140984494635,4.589043244719505,5.400802898406982 +4.093290964618207,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.303319019299966,1.926508903503418,1.9891499280929565,0.6333140984494635,4.589043244719505,5.400802898406982 +3.519754299820256,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.303319019299966,1.926508903503418,1.9891499280929565,0.6333140984494635,4.589043244719505,5.400802898406982 +3.841087719636888,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.303319019299966,1.926508903503418,1.9891499280929565,0.6333140984494635,4.589043244719505,5.400802898406982 +3.7715257851303723,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.303319019299966,1.926508903503418,1.9891499280929565,0.6333140984494635,4.589043244719505,5.400802898406982 +4.0004459898673135,2.7359832886350217,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7359832886350217,1.9606444835662842,2.1880233585834503,0.9990600201677768,5.492682263255119,6.971039962768554 +3.587473048835914,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7359832886350217,1.9606444835662842,2.1880233585834503,0.9990600201677768,5.492682263255119,6.971039962768554 +3.9411346353492194,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7359832886350217,1.9606444835662842,2.1880233585834503,0.9990600201677768,5.492682263255119,6.971039962768554 +4.075927783324725,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7359832886350217,1.9606444835662842,2.1880233585834503,0.9990600201677768,5.492682263255119,6.971039962768554 +3.7641622157556087,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.7359832886350217,1.9606444835662842,2.1880233585834503,0.9990600201677768,5.492682263255119,6.971039962768554 +3.870265953635949,2.9076316015666754,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.9076316015666754,2.241579055786133,2.4252889156341553,0.7128934148461261,6.257964531580607,7.787215423583984 +3.941581448810396,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.9076316015666754,2.241579055786133,2.4252889156341553,0.7128934148461261,6.257964531580607,7.787215423583984 +3.815181065203332,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.9076316015666754,2.241579055786133,2.4252889156341553,0.7128934148461261,6.257964531580607,7.787215423583984 +3.552364844799356,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.9076316015666754,2.241579055786133,2.4252889156341553,0.7128934148461261,6.257964531580607,7.787215423583984 +3.690195294613102,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.9076316015666754,2.241579055786133,2.4252889156341553,0.7128934148461261,6.257964531580607,7.787215423583984 +3.8152166650996673,2.3420219533342532,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.3420219533342532,2.0370161533355713,2.1204118132591248,0.947516179465233,4.265512034296989,4.949138641357422 +3.6361900561717695,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.3420219533342532,2.0370161533355713,2.1204118132591248,0.947516179465233,4.265512034296989,4.949138641357422 +3.761893172849137,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.3420219533342532,2.0370161533355713,2.1204118132591248,0.947516179465233,4.265512034296989,4.949138641357422 +3.3590922250282165,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.3420219533342532,2.0370161533355713,2.1204118132591248,0.947516179465233,4.265512034296989,4.949138641357422 +3.8201607443529886,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.3420219533342532,2.0370161533355713,2.1204118132591248,0.947516179465233,4.265512034296989,4.949138641357422 +4.126613316482478,2.5572646850789034,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.5572646850789034,2.178256034851074,2.292674332857132,0.7660575245923185,5.00648307800293,6.498472118377686 +3.833442848283886,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.5572646850789034,2.178256034851074,2.292674332857132,0.7660575245923185,5.00648307800293,6.498472118377686 +3.7053772739889124,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.5572646850789034,2.178256034851074,2.292674332857132,0.7660575245923185,5.00648307800293,6.498472118377686 +3.509852126535608,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.5572646850789034,2.178256034851074,2.292674332857132,0.7660575245923185,5.00648307800293,6.498472118377686 +3.7080998156504767,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.5572646850789034,2.178256034851074,2.292674332857132,0.7660575245923185,5.00648307800293,6.498472118377686 +3.8337853226938474,2.1750313617565014,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1750313617565014,1.897851586341858,1.9031127393245697,0.6342447260592846,4.320002123713493,5.430276298522948 +3.8028153329891077,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1750313617565014,1.897851586341858,1.9031127393245697,0.6342447260592846,4.320002123713493,5.430276298522948 +3.8860333842031243,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1750313617565014,1.897851586341858,1.9031127393245697,0.6342447260592846,4.320002123713493,5.430276298522948 +3.797094932056983,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1750313617565014,1.897851586341858,1.9031127393245697,0.6342447260592846,4.320002123713493,5.430276298522948 +3.7741439643077612,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1750313617565014,1.897851586341858,1.9031127393245697,0.6342447260592846,4.320002123713493,5.430276298522948 +3.6796521645894464,2.1598087514913273,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1598087514913273,1.653037428855896,1.7376507818698883,0.6180144461228493,4.5335986117521925,5.785746097564694 +3.7355340492363656,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1598087514913273,1.653037428855896,1.7376507818698883,0.6180144461228493,4.5335986117521925,5.785746097564694 +3.627807633956221,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1598087514913273,1.653037428855896,1.7376507818698883,0.6180144461228493,4.5335986117521925,5.785746097564694 +3.6731483148396173,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1598087514913273,1.653037428855896,1.7376507818698883,0.6180144461228493,4.5335986117521925,5.785746097564694 +3.9248538238431343,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1598087514913273,1.653037428855896,1.7376507818698883,0.6180144461228493,4.5335986117521925,5.785746097564694 +3.9394274223251835,2.1304131412001515,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1304131412001515,1.5988763570785522,1.7431154549121857,0.7500967675067008,4.3647647301356,5.802848529815673 +3.4078208459320045,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1304131412001515,1.5988763570785522,1.7431154549121857,0.7500967675067008,4.3647647301356,5.802848529815673 +3.859231755569931,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1304131412001515,1.5988763570785522,1.7431154549121857,0.7500967675067008,4.3647647301356,5.802848529815673 +3.9586758291579804,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1304131412001515,1.5988763570785522,1.7431154549121857,0.7500967675067008,4.3647647301356,5.802848529815673 +3.6944505831025207,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.1304131412001515,1.5988763570785522,1.7431154549121857,0.7500967675067008,4.3647647301356,5.802848529815673 +3.491893197092815,2.577051493383589,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.577051493383589,2.3011226654052734,2.3619213104248047,1.176332172561199,4.543725788593292,5.275998878479003 +3.9770395988131577,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.577051493383589,2.3011226654052734,2.3619213104248047,1.176332172561199,4.543725788593292,5.275998878479003 +3.901837961261694,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.577051493383589,2.3011226654052734,2.3619213104248047,1.176332172561199,4.543725788593292,5.275998878479003 +3.8602214989136896,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.577051493383589,2.3011226654052734,2.3619213104248047,1.176332172561199,4.543725788593292,5.275998878479003 +3.7240913535092313,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.577051493383589,2.3011226654052734,2.3619213104248047,1.176332172561199,4.543725788593292,5.275998878479003 +3.8176741703440458,2.8172635946166578,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.8172635946166578,2.2896111011505127,2.462993800640106,0.6990157527492401,5.8311514258384705,6.667541217803954 +3.9002648628166923,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.8172635946166578,2.2896111011505127,2.462993800640106,0.6990157527492401,5.8311514258384705,6.667541217803954 +3.703504335754465,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.8172635946166578,2.2896111011505127,2.462993800640106,0.6990157527492401,5.8311514258384705,6.667541217803954 +3.7041006828203678,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.8172635946166578,2.2896111011505127,2.462993800640106,0.6990157527492401,5.8311514258384705,6.667541217803954 +3.8346197990833297,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.8172635946166578,2.2896111011505127,2.462993800640106,0.6990157527492401,5.8311514258384705,6.667541217803954 +3.642907883116784,2.512225867500381,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.512225867500381,1.9170382022857666,1.9922445863485336,0.5596324506592243,5.510356520613034,7.359179401397705 +3.484907471429861,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.512225867500381,1.9170382022857666,1.9922445863485336,0.5596324506592243,5.510356520613034,7.359179401397705 +3.5630220484804354,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.512225867500381,1.9170382022857666,1.9922445863485336,0.5596324506592243,5.510356520613034,7.359179401397705 +3.6005180999046895,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.512225867500381,1.9170382022857666,1.9922445863485336,0.5596324506592243,5.510356520613034,7.359179401397705 +3.8019710327437184,0,2.032699627575105,1.6838853359222412,1.7495866566896439,0.5178278381837175,4.138099417090416,4.844414520263671,2.512225867500381,1.9170382022857666,1.9922445863485336,0.5596324506592243,5.510356520613034,7.359179401397705 +3.7296565155004764,2.0305808478246923,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622 +3.702224898778669,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622 +3.9878453324133614,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622 +3.4819561840479794,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622 +4.096952016089396,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622 +3.7727980345566228,2.3026537592448886,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3026537592448886,1.738213062286377,1.8653286695480347,0.5254045014685773,5.1182058701912565,6.878444480895996 +3.4569934090712455,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3026537592448886,1.738213062286377,1.8653286695480347,0.5254045014685773,5.1182058701912565,6.878444480895996 +3.93463451153842,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3026537592448886,1.738213062286377,1.8653286695480347,0.5254045014685773,5.1182058701912565,6.878444480895996 +3.6439950847924543,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3026537592448886,1.738213062286377,1.8653286695480347,0.5254045014685773,5.1182058701912565,6.878444480895996 +3.728018655783268,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3026537592448886,1.738213062286377,1.8653286695480347,0.5254045014685773,5.1182058701912565,6.878444480895996 +3.6664154415945265,2.3338057235987097,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3338057235987097,2.0230367183685303,2.0658111572265625,0.9307481828839221,4.324101855357488,5.201226425170898 +3.583383824469861,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3338057235987097,2.0230367183685303,2.0658111572265625,0.9307481828839221,4.324101855357488,5.201226425170898 +3.7702282160559872,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3338057235987097,2.0230367183685303,2.0658111572265625,0.9307481828839221,4.324101855357488,5.201226425170898 +3.6699840825906214,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3338057235987097,2.0230367183685303,2.0658111572265625,0.9307481828839221,4.324101855357488,5.201226425170898 +3.7021473598786896,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.3338057235987097,2.0230367183685303,2.0658111572265625,0.9307481828839221,4.324101855357488,5.201226425170898 +3.805909053198895,2.878430477998875,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.878430477998875,2.416865348815918,2.5745295882225037,1.159292129126001,5.385160590211551,6.587337970733642 +3.8744024895623053,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.878430477998875,2.416865348815918,2.5745295882225037,1.159292129126001,5.385160590211551,6.587337970733642 +3.5857313903623647,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.878430477998875,2.416865348815918,2.5745295882225037,1.159292129126001,5.385160590211551,6.587337970733642 +3.670274849558411,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.878430477998875,2.416865348815918,2.5745295882225037,1.159292129126001,5.385160590211551,6.587337970733642 +3.6953139743696415,0,2.0305808478246923,1.6290678977966309,1.6831819862127304,0.5619684793847672,4.132873048384984,4.907392406463622,2.878430477998875,2.416865348815918,2.5745295882225037,1.159292129126001,5.385160590211551,6.587337970733642 +3.7213416920684885,2.02255875219113,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465 +3.6956918761330733,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465 +3.77241546589891,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465 +3.645162100645672,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465 +3.9120850874833506,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465 +3.6734644047778326,2.5938003222462993,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.5938003222462993,2.254204034805298,2.324995368719101,1.3000661927334807,4.456616898377736,5.230860805511473 +3.479715511458373,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.5938003222462993,2.254204034805298,2.324995368719101,1.3000661927334807,4.456616898377736,5.230860805511473 +3.741962028249587,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.5938003222462993,2.254204034805298,2.324995368719101,1.3000661927334807,4.456616898377736,5.230860805511473 +3.65681298442755,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.5938003222462993,2.254204034805298,2.324995368719101,1.3000661927334807,4.456616898377736,5.230860805511473 +3.5307875338519152,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.5938003222462993,2.254204034805298,2.324995368719101,1.3000661927334807,4.456616898377736,5.230860805511473 +3.9516860263564655,2.57737614387873,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.57737614387873,2.046027421951294,2.172265112400055,0.7692878712364968,5.2591743767261505,6.6838055610656735 +3.4944675809317967,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.57737614387873,2.046027421951294,2.172265112400055,0.7692878712364968,5.2591743767261505,6.6838055610656735 +3.678303803904547,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.57737614387873,2.046027421951294,2.172265112400055,0.7692878712364968,5.2591743767261505,6.6838055610656735 +4.033506438647223,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.57737614387873,2.046027421951294,2.172265112400055,0.7692878712364968,5.2591743767261505,6.6838055610656735 +3.7772837537181094,0,2.02255875219113,1.6545757055282593,1.7099376767873764,0.5639008220205916,4.134634628891945,5.0538078308105465,2.57737614387873,2.046027421951294,2.172265112400055,0.7692878712364968,5.2591743767261505,6.6838055610656735 +3.787388523229666,2.0004356535811905,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122 +3.724558115555932,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122 +3.8787286506479206,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122 +3.6010530067701136,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122 +3.577173907929014,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122 +3.763585742828399,2.224619409079274,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.224619409079274,1.6453242301940918,1.82498037815094,0.6581226904341515,4.498304878671964,5.980349159240722 +3.6353683498218694,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.224619409079274,1.6453242301940918,1.82498037815094,0.6581226904341515,4.498304878671964,5.980349159240722 +3.8907225262914293,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.224619409079274,1.6453242301940918,1.82498037815094,0.6581226904341515,4.498304878671964,5.980349159240722 +3.7100336827278766,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.224619409079274,1.6453242301940918,1.82498037815094,0.6581226904341515,4.498304878671964,5.980349159240722 +3.2843497470217833,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.224619409079274,1.6453242301940918,1.82498037815094,0.6581226904341515,4.498304878671964,5.980349159240722 +3.737146605484404,2.2320888221027357,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2320888221027357,1.6714036464691162,1.8038965910673141,0.538708209515886,4.918202593922615,5.923774337768552 +3.6826163728900823,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2320888221027357,1.6714036464691162,1.8038965910673141,0.538708209515886,4.918202593922615,5.923774337768552 +3.6038561608435926,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2320888221027357,1.6714036464691162,1.8038965910673141,0.538708209515886,4.918202593922615,5.923774337768552 +3.568038840544727,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2320888221027357,1.6714036464691162,1.8038965910673141,0.538708209515886,4.918202593922615,5.923774337768552 +3.7481090925378346,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2320888221027357,1.6714036464691162,1.8038965910673141,0.538708209515886,4.918202593922615,5.923774337768552 +3.7449569119076616,2.4262557462567376,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.4262557462567376,1.9714946746826172,2.0968920290470123,0.8632245967362789,4.736267134547234,6.15583791732788 +4.005661978727909,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.4262557462567376,1.9714946746826172,2.0968920290470123,0.8632245967362789,4.736267134547234,6.15583791732788 +3.475327860554164,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.4262557462567376,1.9714946746826172,2.0968920290470123,0.8632245967362789,4.736267134547234,6.15583791732788 +3.5655454569999963,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.4262557462567376,1.9714946746826172,2.0968920290470123,0.8632245967362789,4.736267134547234,6.15583791732788 +3.627221856629943,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.4262557462567376,1.9714946746826172,2.0968920290470123,0.8632245967362789,4.736267134547234,6.15583791732788 +3.642365659525652,2.7802374369252925,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.7802374369252925,2.4915149211883545,2.4718877375125885,0.7577617701063765,5.421712478001912,7.177194118499755 +3.631235239236053,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.7802374369252925,2.4915149211883545,2.4718877375125885,0.7577617701063765,5.421712478001912,7.177194118499755 +3.5105451871899,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.7802374369252925,2.4915149211883545,2.4718877375125885,0.7577617701063765,5.421712478001912,7.177194118499755 +3.7477837619334853,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.7802374369252925,2.4915149211883545,2.4718877375125885,0.7577617701063765,5.421712478001912,7.177194118499755 +3.5432284810926795,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.7802374369252925,2.4915149211883545,2.4718877375125885,0.7577617701063765,5.421712478001912,7.177194118499755 +3.5906546484669155,2.2798698802315998,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2798698802315998,2.011686325073242,2.053266167640686,0.6754043669776714,4.487006555000941,5.520381832122801 +3.5850582830509596,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2798698802315998,2.011686325073242,2.053266167640686,0.6754043669776714,4.487006555000941,5.520381832122801 +3.983140212053674,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2798698802315998,2.011686325073242,2.053266167640686,0.6754043669776714,4.487006555000941,5.520381832122801 +3.832754927173768,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2798698802315998,2.011686325073242,2.053266167640686,0.6754043669776714,4.487006555000941,5.520381832122801 +3.4837910283484685,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.2798698802315998,2.011686325073242,2.053266167640686,0.6754043669776714,4.487006555000941,5.520381832122801 +3.549051346360536,3.0839983872951025,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,3.0839983872951025,2.63299298286438,2.7379559874534607,1.0804419663358242,5.688867469628652,6.773500633239745 +3.651411929710874,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,3.0839983872951025,2.63299298286438,2.7379559874534607,1.0804419663358242,5.688867469628652,6.773500633239745 +3.9977312504773406,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,3.0839983872951025,2.63299298286438,2.7379559874534607,1.0804419663358242,5.688867469628652,6.773500633239745 +3.532365470967381,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,3.0839983872951025,2.63299298286438,2.7379559874534607,1.0804419663358242,5.688867469628652,6.773500633239745 +3.4745176380062794,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,3.0839983872951025,2.63299298286438,2.7379559874534607,1.0804419663358242,5.688867469628652,6.773500633239745 +3.661570599533637,2.253043132563117,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.253043132563117,1.7357343435287476,1.820346623659134,0.7851352212910957,4.565975000460942,5.936274814605713 +3.638776857514023,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.253043132563117,1.7357343435287476,1.820346623659134,0.7851352212910957,4.565975000460942,5.936274814605713 +3.7696380033342063,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.253043132563117,1.7357343435287476,1.820346623659134,0.7851352212910957,4.565975000460942,5.936274814605713 +3.3966190340021982,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.253043132563117,1.7357343435287476,1.820346623659134,0.7851352212910957,4.565975000460942,5.936274814605713 +3.8835034191529796,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.253043132563117,1.7357343435287476,1.820346623659134,0.7851352212910957,4.565975000460942,5.936274814605713 +3.8577379015787923,2.3699041595534673,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.3699041595534673,1.9454128742218018,2.0397389233112335,0.9694875719699454,4.392303263147672,5.10428819656372 +3.653775183203824,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.3699041595534673,1.9454128742218018,2.0397389233112335,0.9694875719699454,4.392303263147672,5.10428819656372 +3.596952382524284,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.3699041595534673,1.9454128742218018,2.0397389233112335,0.9694875719699454,4.392303263147672,5.10428819656372 +3.5901640888529593,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.3699041595534673,1.9454128742218018,2.0397389233112335,0.9694875719699454,4.392303263147672,5.10428819656372 +3.5762813557185096,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.3699041595534673,1.9454128742218018,2.0397389233112335,0.9694875719699454,4.392303263147672,5.10428819656372 +3.477115380811188,2.505692705590889,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.505692705590889,2.1965980529785156,2.2670702636241913,0.8403846317149223,4.753305559357007,5.463888454437255 +3.4241311654330557,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.505692705590889,2.1965980529785156,2.2670702636241913,0.8403846317149223,4.753305559357007,5.463888454437255 +3.779885053614985,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.505692705590889,2.1965980529785156,2.2670702636241913,0.8403846317149223,4.753305559357007,5.463888454437255 +3.9036480215105342,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.505692705590889,2.1965980529785156,2.2670702636241913,0.8403846317149223,4.753305559357007,5.463888454437255 +3.4443660373934657,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.505692705590889,2.1965980529785156,2.2670702636241913,0.8403846317149223,4.753305559357007,5.463888454437255 +3.624288509066627,2.233612072727983,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.233612072727983,1.7530115842819214,1.852576583623886,0.5550300106406212,4.821424727638562,6.003080177307126 +3.9237892695734558,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.233612072727983,1.7530115842819214,1.852576583623886,0.5550300106406212,4.821424727638562,6.003080177307126 +3.824815772257568,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.233612072727983,1.7530115842819214,1.852576583623886,0.5550300106406212,4.821424727638562,6.003080177307126 +3.4926610817459456,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.233612072727983,1.7530115842819214,1.852576583623886,0.5550300106406212,4.821424727638562,6.003080177307126 +3.7286691762762523,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.233612072727983,1.7530115842819214,1.852576583623886,0.5550300106406212,4.821424727638562,6.003080177307126 +3.7584541414650574,2.165892624586978,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.165892624586978,1.6232916116714478,1.7206535339355469,0.5242934211137447,4.742340505123138,5.727103042602538 +3.3195085738611096,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.165892624586978,1.6232916116714478,1.7206535339355469,0.5242934211137447,4.742340505123138,5.727103042602538 +3.844947094692404,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.165892624586978,1.6232916116714478,1.7206535339355469,0.5242934211137447,4.742340505123138,5.727103042602538 +3.7170293196681934,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.165892624586978,1.6232916116714478,1.7206535339355469,0.5242934211137447,4.742340505123138,5.727103042602538 +3.740411892140132,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.165892624586978,1.6232916116714478,1.7206535339355469,0.5242934211137447,4.742340505123138,5.727103042602538 +3.570542734656925,2.833635542600874,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.833635542600874,2.465930461883545,2.5053965747356415,1.4304472835774118,4.902186334133148,6.184575176239013 +3.625741667003619,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.833635542600874,2.465930461883545,2.5053965747356415,1.4304472835774118,4.902186334133148,6.184575176239013 +3.7942977785513707,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.833635542600874,2.465930461883545,2.5053965747356415,1.4304472835774118,4.902186334133148,6.184575176239013 +3.3998647271446627,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.833635542600874,2.465930461883545,2.5053965747356415,1.4304472835774118,4.902186334133148,6.184575176239013 +3.4341542732982964,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.833635542600874,2.465930461883545,2.5053965747356415,1.4304472835774118,4.902186334133148,6.184575176239013 +3.5451477827568167,2.560207727724913,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.560207727724913,1.8896875381469727,2.156082183122635,0.7853421353279276,5.219727789362271,6.134987258911131 +3.594147961399958,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.560207727724913,1.8896875381469727,2.156082183122635,0.7853421353279276,5.219727789362271,6.134987258911131 +3.7268053211252106,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.560207727724913,1.8896875381469727,2.156082183122635,0.7853421353279276,5.219727789362271,6.134987258911131 +3.467624736532058,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.560207727724913,1.8896875381469727,2.156082183122635,0.7853421353279276,5.219727789362271,6.134987258911131 +3.8274218476424116,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.560207727724913,1.8896875381469727,2.156082183122635,0.7853421353279276,5.219727789362271,6.134987258911131 +3.3209022923439036,2.510680092390252,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.510680092390252,2.226950168609619,2.264517605304718,1.2437453485549765,4.267214208841324,5.061176490783691 +3.708699601699935,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.510680092390252,2.226950168609619,2.264517605304718,1.2437453485549765,4.267214208841324,5.061176490783691 +3.640954131501331,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.510680092390252,2.226950168609619,2.264517605304718,1.2437453485549765,4.267214208841324,5.061176490783691 +3.8284282736617845,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.510680092390252,2.226950168609619,2.264517605304718,1.2437453485549765,4.267214208841324,5.061176490783691 +3.2771608075987064,0,2.0004356535811905,1.570722222328186,1.6328282356262207,0.5887166772117006,4.228715981046359,5.283930492401122,2.510680092390252,2.226950168609619,2.264517605304718,1.2437453485549765,4.267214208841324,5.061176490783691 +3.5879095376009675,1.930161872001552,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675 +3.780453491022216,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675 +3.28298343796686,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675 +3.839419090614155,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675 +3.545375113515552,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675 +3.4628922596849048,3.085825060410474,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.085825060410474,2.6076695919036865,2.672699421644211,1.0322064237391695,5.908490295211474,7.183320426940918 +3.29443401528773,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.085825060410474,2.6076695919036865,2.672699421644211,1.0322064237391695,5.908490295211474,7.183320426940918 +3.2987853599255192,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.085825060410474,2.6076695919036865,2.672699421644211,1.0322064237391695,5.908490295211474,7.183320426940918 +3.4323770322279126,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.085825060410474,2.6076695919036865,2.672699421644211,1.0322064237391695,5.908490295211474,7.183320426940918 +3.488913257431858,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.085825060410474,2.6076695919036865,2.672699421644211,1.0322064237391695,5.908490295211474,7.183320426940918 +3.367846407409079,2.2590541059062597,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2590541059062597,1.8809679746627808,2.005962371826172,0.9259829679702191,4.146607488393784,4.735099792480469 +3.2140141326472125,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2590541059062597,1.8809679746627808,2.005962371826172,0.9259829679702191,4.146607488393784,4.735099792480469 +3.4177464496019963,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2590541059062597,1.8809679746627808,2.005962371826172,0.9259829679702191,4.146607488393784,4.735099792480469 +3.5239660597374383,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2590541059062597,1.8809679746627808,2.005962371826172,0.9259829679702191,4.146607488393784,4.735099792480469 +3.5530075546658764,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2590541059062597,1.8809679746627808,2.005962371826172,0.9259829679702191,4.146607488393784,4.735099792480469 +3.671067094621998,2.5535308929189804,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5535308929189804,2.301717758178711,2.31262269616127,0.7270830435321686,4.8711001724004745,6.149189281463621 +3.7062741875805765,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5535308929189804,2.301717758178711,2.31262269616127,0.7270830435321686,4.8711001724004745,6.149189281463621 +3.644574316380678,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5535308929189804,2.301717758178711,2.31262269616127,0.7270830435321686,4.8711001724004745,6.149189281463621 +3.555733957340189,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5535308929189804,2.301717758178711,2.31262269616127,0.7270830435321686,4.8711001724004745,6.149189281463621 +3.3685478169205636,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5535308929189804,2.301717758178711,2.31262269616127,0.7270830435321686,4.8711001724004745,6.149189281463621 +3.5296345007136503,2.331585672718507,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.331585672718507,1.9825814962387085,2.023160070180893,0.8473001385622836,4.459175631403923,5.186448860168457 +3.299046786054772,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.331585672718507,1.9825814962387085,2.023160070180893,0.8473001385622836,4.459175631403923,5.186448860168457 +3.770548873671913,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.331585672718507,1.9825814962387085,2.023160070180893,0.8473001385622836,4.459175631403923,5.186448860168457 +3.5902653073100743,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.331585672718507,1.9825814962387085,2.023160070180893,0.8473001385622836,4.459175631403923,5.186448860168457 +3.652855035399227,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.331585672718507,1.9825814962387085,2.023160070180893,0.8473001385622836,4.459175631403923,5.186448860168457 +3.591322988822152,2.3584477951917697,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3584477951917697,2.0014452934265137,2.0048515796661377,0.6314067916667208,4.8410022010405855,6.317759704589844 +3.715399530620405,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3584477951917697,2.0014452934265137,2.0048515796661377,0.6314067916667208,4.8410022010405855,6.317759704589844 +3.644447730957361,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3584477951917697,2.0014452934265137,2.0048515796661377,0.6314067916667208,4.8410022010405855,6.317759704589844 +3.798794562729336,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3584477951917697,2.0014452934265137,2.0048515796661377,0.6314067916667208,4.8410022010405855,6.317759704589844 +3.682887223158474,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3584477951917697,2.0014452934265137,2.0048515796661377,0.6314067916667208,4.8410022010405855,6.317759704589844 +3.767187866812331,2.1231320623761762,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1231320623761762,1.7449551820755005,1.8275049924850464,0.6260687520212316,4.239638194441795,5.217499923706054 +3.5213152020383323,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1231320623761762,1.7449551820755005,1.8275049924850464,0.6260687520212316,4.239638194441795,5.217499923706054 +3.5715963658839858,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1231320623761762,1.7449551820755005,1.8275049924850464,0.6260687520212316,4.239638194441795,5.217499923706054 +3.599296147912977,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1231320623761762,1.7449551820755005,1.8275049924850464,0.6260687520212316,4.239638194441795,5.217499923706054 +3.7227667373922064,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1231320623761762,1.7449551820755005,1.8275049924850464,0.6260687520212316,4.239638194441795,5.217499923706054 +3.50644889635115,2.515994846584305,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.515994846584305,2.1229240894317627,2.1750460267066956,1.1205537931082097,4.607935264706612,5.809235286712646 +3.637848044487606,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.515994846584305,2.1229240894317627,2.1750460267066956,1.1205537931082097,4.607935264706612,5.809235286712646 +3.8710903200593663,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.515994846584305,2.1229240894317627,2.1750460267066956,1.1205537931082097,4.607935264706612,5.809235286712646 +3.5456351942940563,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.515994846584305,2.1229240894317627,2.1750460267066956,1.1205537931082097,4.607935264706612,5.809235286712646 +3.48848594072469,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.515994846584305,2.1229240894317627,2.1750460267066956,1.1205537931082097,4.607935264706612,5.809235286712646 +3.482156342952107,2.0597735756525286,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0597735756525286,1.6272649765014648,1.7525403499603271,0.7117293209154555,4.024450475970904,4.805001354217529 +3.764025274791944,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0597735756525286,1.6272649765014648,1.7525403499603271,0.7117293209154555,4.024450475970904,4.805001354217529 +3.4294283917090196,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0597735756525286,1.6272649765014648,1.7525403499603271,0.7117293209154555,4.024450475970904,4.805001354217529 +3.468289294685569,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0597735756525286,1.6272649765014648,1.7525403499603271,0.7117293209154555,4.024450475970904,4.805001354217529 +3.952885496545593,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0597735756525286,1.6272649765014648,1.7525403499603271,0.7117293209154555,4.024450475970904,4.805001354217529 +3.853222304252333,2.5043605588100575,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5043605588100575,1.9848508834838867,2.0861460864543915,0.6496700416219995,5.155173346400261,6.7678199768066385 +3.3995531328749844,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5043605588100575,1.9848508834838867,2.0861460864543915,0.6496700416219995,5.155173346400261,6.7678199768066385 +3.6406004428470355,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5043605588100575,1.9848508834838867,2.0861460864543915,0.6496700416219995,5.155173346400261,6.7678199768066385 +3.9151333278944436,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5043605588100575,1.9848508834838867,2.0861460864543915,0.6496700416219995,5.155173346400261,6.7678199768066385 +3.3980379228266373,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5043605588100575,1.9848508834838867,2.0861460864543915,0.6496700416219995,5.155173346400261,6.7678199768066385 +3.6426465012781852,2.838286097087557,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.838286097087557,2.6619019508361816,2.6744315922260284,1.366321454656885,4.646565601229668,5.437076091766356 +3.516849487784041,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.838286097087557,2.6619019508361816,2.6744315922260284,1.366321454656885,4.646565601229668,5.437076091766356 +3.5729540029742157,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.838286097087557,2.6619019508361816,2.6744315922260284,1.366321454656885,4.646565601229668,5.437076091766356 +3.197148213030323,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.838286097087557,2.6619019508361816,2.6744315922260284,1.366321454656885,4.646565601229668,5.437076091766356 +3.124782762281341,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.838286097087557,2.6619019508361816,2.6744315922260284,1.366321454656885,4.646565601229668,5.437076091766356 +3.472877464362845,1.984478480562016,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.984478480562016,1.4123618602752686,1.5828482806682587,0.48789839652624534,4.4702981015046435,5.604206371307372 +3.51305282226024,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.984478480562016,1.4123618602752686,1.5828482806682587,0.48789839652624534,4.4702981015046435,5.604206371307372 +3.654231202850084,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.984478480562016,1.4123618602752686,1.5828482806682587,0.48789839652624534,4.4702981015046435,5.604206371307372 +3.7923191894720603,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.984478480562016,1.4123618602752686,1.5828482806682587,0.48789839652624534,4.4702981015046435,5.604206371307372 +3.6211596352286577,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.984478480562016,1.4123618602752686,1.5828482806682587,0.48789839652624534,4.4702981015046435,5.604206371307372 +3.5729847340045944,2.2915325731275575,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2915325731275575,1.9150975942611694,1.9810633063316345,0.6429069899815194,4.662268762787183,6.017021656036377 +3.7436652559796864,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2915325731275575,1.9150975942611694,1.9810633063316345,0.6429069899815194,4.662268762787183,6.017021656036377 +3.7536735399810492,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2915325731275575,1.9150975942611694,1.9810633063316345,0.6429069899815194,4.662268762787183,6.017021656036377 +3.3531337260099074,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2915325731275575,1.9150975942611694,1.9810633063316345,0.6429069899815194,4.662268762787183,6.017021656036377 +3.3091097307393924,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2915325731275575,1.9150975942611694,1.9810633063316345,0.6429069899815194,4.662268762787183,6.017021656036377 +3.4576789908759826,2.382948338827759,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.382948338827759,2.0565226078033447,2.0631725192070007,0.8598225427434799,4.542098631461461,5.947944355010986 +3.44753238055511,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.382948338827759,2.0565226078033447,2.0631725192070007,0.8598225427434799,4.542098631461461,5.947944355010986 +3.4021824272767223,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.382948338827759,2.0565226078033447,2.0631725192070007,0.8598225427434799,4.542098631461461,5.947944355010986 +3.6128741836366993,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.382948338827759,2.0565226078033447,2.0631725192070007,0.8598225427434799,4.542098631461461,5.947944355010986 +3.532599116732074,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.382948338827759,2.0565226078033447,2.0631725192070007,0.8598225427434799,4.542098631461461,5.947944355010986 +3.6392084168648657,2.969740066894148,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.969740066894148,2.719949722290039,2.76139897108078,1.319071595973157,5.092155829071999,6.484064388275144 +3.6504299188509464,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.969740066894148,2.719949722290039,2.76139897108078,1.319071595973157,5.092155829071999,6.484064388275144 +3.7903177864200837,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.969740066894148,2.719949722290039,2.76139897108078,1.319071595973157,5.092155829071999,6.484064388275144 +3.4787395961169834,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.969740066894148,2.719949722290039,2.76139897108078,1.319071595973157,5.092155829071999,6.484064388275144 +3.6198863689455947,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.969740066894148,2.719949722290039,2.76139897108078,1.319071595973157,5.092155829071999,6.484064388275144 +3.622682397197293,2.4325172604312972,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4325172604312972,1.910390853881836,2.0182844400405884,0.7127763589328908,5.050782655676206,6.289566516876221 +3.685255021603881,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4325172604312972,1.910390853881836,2.0182844400405884,0.7127763589328908,5.050782655676206,6.289566516876221 +3.3884352317232254,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4325172604312972,1.910390853881836,2.0182844400405884,0.7127763589328908,5.050782655676206,6.289566516876221 +3.240104393527344,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4325172604312972,1.910390853881836,2.0182844400405884,0.7127763589328908,5.050782655676206,6.289566516876221 +3.6182039503332493,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4325172604312972,1.910390853881836,2.0182844400405884,0.7127763589328908,5.050782655676206,6.289566516876221 +3.5617337774160984,2.1995136732304537,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1995136732304537,1.7086896896362305,1.7794008255004883,0.7431610039574035,4.548317641019821,6.049500179290771 +3.5225442423826787,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1995136732304537,1.7086896896362305,1.7794008255004883,0.7431610039574035,4.548317641019821,6.049500179290771 +3.9533793903041956,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1995136732304537,1.7086896896362305,1.7794008255004883,0.7431610039574035,4.548317641019821,6.049500179290771 +3.6732986806682986,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1995136732304537,1.7086896896362305,1.7794008255004883,0.7431610039574035,4.548317641019821,6.049500179290771 +3.675779444167985,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1995136732304537,1.7086896896362305,1.7794008255004883,0.7431610039574035,4.548317641019821,6.049500179290771 +3.6574832421179497,2.95062840623515,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.95062840623515,2.459094524383545,2.5652047991752625,0.8748530533085478,5.826672747731209,7.72044334411621 +3.3599378141454155,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.95062840623515,2.459094524383545,2.5652047991752625,0.8748530533085478,5.826672747731209,7.72044334411621 +3.2045379447551703,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.95062840623515,2.459094524383545,2.5652047991752625,0.8748530533085478,5.826672747731209,7.72044334411621 +3.312686585499303,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.95062840623515,2.459094524383545,2.5652047991752625,0.8748530533085478,5.826672747731209,7.72044334411621 +3.419569453848698,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.95062840623515,2.459094524383545,2.5652047991752625,0.8748530533085478,5.826672747731209,7.72044334411621 +3.4764104600710732,2.085843727623344,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.085843727623344,1.5154283046722412,1.6478220522403717,0.6497342228255374,4.454656178752582,5.266362190246581 +3.703732492918232,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.085843727623344,1.5154283046722412,1.6478220522403717,0.6497342228255374,4.454656178752582,5.266362190246581 +3.626343298477359,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.085843727623344,1.5154283046722412,1.6478220522403717,0.6497342228255374,4.454656178752582,5.266362190246581 +3.43848775242674,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.085843727623344,1.5154283046722412,1.6478220522403717,0.6497342228255374,4.454656178752582,5.266362190246581 +3.6972224228772137,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.085843727623344,1.5154283046722412,1.6478220522403717,0.6497342228255374,4.454656178752582,5.266362190246581 +3.0324652154480245,3.1202646746600746,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.1202646746600746,2.534817934036255,2.659468114376068,0.8159135429466025,6.447452872991562,8.10615177154541 +3.7645201264317874,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.1202646746600746,2.534817934036255,2.659468114376068,0.8159135429466025,6.447452872991562,8.10615177154541 +3.487518090921845,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.1202646746600746,2.534817934036255,2.659468114376068,0.8159135429466025,6.447452872991562,8.10615177154541 +3.617869570969277,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.1202646746600746,2.534817934036255,2.659468114376068,0.8159135429466025,6.447452872991562,8.10615177154541 +3.6898243950783107,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.1202646746600746,2.534817934036255,2.659468114376068,0.8159135429466025,6.447452872991562,8.10615177154541 +3.4874860420233342,1.9603242739325477,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9603242739325477,1.5133607387542725,1.6342003643512726,0.6340850062192754,4.0155118107795715,4.806536674499512 +3.5297410892701087,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9603242739325477,1.5133607387542725,1.6342003643512726,0.6340850062192754,4.0155118107795715,4.806536674499512 +3.216430296113906,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9603242739325477,1.5133607387542725,1.6342003643512726,0.6340850062192754,4.0155118107795715,4.806536674499512 +3.7690854857535663,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9603242739325477,1.5133607387542725,1.6342003643512726,0.6340850062192754,4.0155118107795715,4.806536674499512 +3.172111307666453,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9603242739325477,1.5133607387542725,1.6342003643512726,0.6340850062192754,4.0155118107795715,4.806536674499512 +3.550633278245347,2.076522592750807,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.076522592750807,1.7196496725082397,1.7658505141735077,0.5989692448935611,4.152143279711406,5.1342113494873045 +3.6048323839784926,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.076522592750807,1.7196496725082397,1.7658505141735077,0.5989692448935611,4.152143279711406,5.1342113494873045 +3.579388985179345,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.076522592750807,1.7196496725082397,1.7658505141735077,0.5989692448935611,4.152143279711406,5.1342113494873045 +3.31651399487084,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.076522592750807,1.7196496725082397,1.7658505141735077,0.5989692448935611,4.152143279711406,5.1342113494873045 +3.4221023461120423,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.076522592750807,1.7196496725082397,1.7658505141735077,0.5989692448935611,4.152143279711406,5.1342113494873045 +3.427986641869067,2.1464847165440757,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1464847165440757,1.6798127889633179,1.7567992806434631,0.5808678535704918,4.495942935347557,5.50989999771118 +3.6373751734562787,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1464847165440757,1.6798127889633179,1.7567992806434631,0.5808678535704918,4.495942935347557,5.50989999771118 +3.219770784742914,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1464847165440757,1.6798127889633179,1.7567992806434631,0.5808678535704918,4.495942935347557,5.50989999771118 +3.5128526800265414,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1464847165440757,1.6798127889633179,1.7567992806434631,0.5808678535704918,4.495942935347557,5.50989999771118 +3.6238492785075724,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1464847165440757,1.6798127889633179,1.7567992806434631,0.5808678535704918,4.495942935347557,5.50989999771118 +3.4605599623714083,1.9427456965758687,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9427456965758687,1.4706016778945923,1.5589210987091064,0.506102445119239,4.193909739454587,5.2836809158325195 +3.5942907365220833,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9427456965758687,1.4706016778945923,1.5589210987091064,0.506102445119239,4.193909739454587,5.2836809158325195 +3.56236464178342,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9427456965758687,1.4706016778945923,1.5589210987091064,0.506102445119239,4.193909739454587,5.2836809158325195 +3.4490755683592567,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9427456965758687,1.4706016778945923,1.5589210987091064,0.506102445119239,4.193909739454587,5.2836809158325195 +3.231955393637705,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9427456965758687,1.4706016778945923,1.5589210987091064,0.506102445119239,4.193909739454587,5.2836809158325195 +3.3072526755307785,2.050469244795817,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.050469244795817,1.5263652801513672,1.712225690484047,0.5871100357555329,4.41693436106046,5.491124916076659 +3.8950357970862717,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.050469244795817,1.5263652801513672,1.712225690484047,0.5871100357555329,4.41693436106046,5.491124916076659 +3.208845934307198,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.050469244795817,1.5263652801513672,1.712225690484047,0.5871100357555329,4.41693436106046,5.491124916076659 +3.4559226933286813,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.050469244795817,1.5263652801513672,1.712225690484047,0.5871100357555329,4.41693436106046,5.491124916076659 +3.217539700047951,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.050469244795817,1.5263652801513672,1.712225690484047,0.5871100357555329,4.41693436106046,5.491124916076659 +3.5228386517407713,2.3653808706021184,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3653808706021184,1.9197924137115479,1.9303210079669952,0.727011170793087,4.886550148328145,6.598823642730712 +3.5009838621817666,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3653808706021184,1.9197924137115479,1.9303210079669952,0.727011170793087,4.886550148328145,6.598823642730712 +3.787315700684814,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3653808706021184,1.9197924137115479,1.9303210079669952,0.727011170793087,4.886550148328145,6.598823642730712 +3.720412769131264,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3653808706021184,1.9197924137115479,1.9303210079669952,0.727011170793087,4.886550148328145,6.598823642730712 +3.3975592760816413,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.3653808706021184,1.9197924137115479,1.9303210079669952,0.727011170793087,4.886550148328145,6.598823642730712 +3.6690948604357905,2.4552759094528422,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4552759094528422,1.9652307033538818,2.0518407225608826,1.0359230491709202,4.71892570455869,6.1656891822814925 +3.4286577233695734,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4552759094528422,1.9652307033538818,2.0518407225608826,1.0359230491709202,4.71892570455869,6.1656891822814925 +3.2542107646650877,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4552759094528422,1.9652307033538818,2.0518407225608826,1.0359230491709202,4.71892570455869,6.1656891822814925 +3.463627941257721,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4552759094528422,1.9652307033538818,2.0518407225608826,1.0359230491709202,4.71892570455869,6.1656891822814925 +3.5032992420772135,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4552759094528422,1.9652307033538818,2.0518407225608826,1.0359230491709202,4.71892570455869,6.1656891822814925 +3.5843872077428887,2.2370175818208033,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2370175818208033,1.8191914558410645,1.9299001693725586,0.7143595502414601,4.367747341593106,5.027441596984863 +3.4678801215182506,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2370175818208033,1.8191914558410645,1.9299001693725586,0.7143595502414601,4.367747341593106,5.027441596984863 +3.678987299015937,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2370175818208033,1.8191914558410645,1.9299001693725586,0.7143595502414601,4.367747341593106,5.027441596984863 +3.4817430400007003,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2370175818208033,1.8191914558410645,1.9299001693725586,0.7143595502414601,4.367747341593106,5.027441596984863 +3.3608192488708406,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2370175818208033,1.8191914558410645,1.9299001693725586,0.7143595502414601,4.367747341593106,5.027441596984863 +3.309552999690057,2.162494210851571,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.162494210851571,1.7835572957992554,1.863813728094101,0.8009644361569527,4.182528595129649,5.205912399291991 +3.300436696013077,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.162494210851571,1.7835572957992554,1.863813728094101,0.8009644361569527,4.182528595129649,5.205912399291991 +3.5057107147645197,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.162494210851571,1.7835572957992554,1.863813728094101,0.8009644361569527,4.182528595129649,5.205912399291991 +3.580211233868605,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.162494210851571,1.7835572957992554,1.863813728094101,0.8009644361569527,4.182528595129649,5.205912399291991 +3.223399959445629,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.162494210851571,1.7835572957992554,1.863813728094101,0.8009644361569527,4.182528595129649,5.205912399291991 +3.3647091935405946,2.229202532342502,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.229202532342502,1.9041316509246826,2.004382163286209,0.7922552852554524,4.263253152370453,4.874369716644287 +3.450576370695021,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.229202532342502,1.9041316509246826,2.004382163286209,0.7922552852554524,4.263253152370453,4.874369716644287 +3.3785647256078697,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.229202532342502,1.9041316509246826,2.004382163286209,0.7922552852554524,4.263253152370453,4.874369716644287 +3.345426346428476,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.229202532342502,1.9041316509246826,2.004382163286209,0.7922552852554524,4.263253152370453,4.874369716644287 +3.165501110550596,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.229202532342502,1.9041316509246826,2.004382163286209,0.7922552852554524,4.263253152370453,4.874369716644287 +3.357969662484204,2.4681118135020217,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4681118135020217,1.9606444835662842,2.0518471598625183,0.6827026179179232,5.10796803732713,6.714692783355712 +3.720854979529387,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4681118135020217,1.9606444835662842,2.0518471598625183,0.6827026179179232,5.10796803732713,6.714692783355712 +3.4755826935290033,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4681118135020217,1.9606444835662842,2.0518471598625183,0.6827026179179232,5.10796803732713,6.714692783355712 +3.476606444094458,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4681118135020217,1.9606444835662842,2.0518471598625183,0.6827026179179232,5.10796803732713,6.714692783355712 +3.476398080626704,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4681118135020217,1.9606444835662842,2.0518471598625183,0.6827026179179232,5.10796803732713,6.714692783355712 +3.48264762755277,2.003341181765473,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.003341181765473,1.5121965408325195,1.648675099015236,0.4872499484014004,4.343613475561142,5.4771587371826165 +3.3589219908011305,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.003341181765473,1.5121965408325195,1.648675099015236,0.4872499484014004,4.343613475561142,5.4771587371826165 +3.5735470746154836,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.003341181765473,1.5121965408325195,1.648675099015236,0.4872499484014004,4.343613475561142,5.4771587371826165 +3.26046271315508,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.003341181765473,1.5121965408325195,1.648675099015236,0.4872499484014004,4.343613475561142,5.4771587371826165 +3.5191660502183404,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.003341181765473,1.5121965408325195,1.648675099015236,0.4872499484014004,4.343613475561142,5.4771587371826165 +3.200343101862867,2.530317305927239,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.530317305927239,1.9035148620605469,2.019083172082901,0.6806531588130809,5.4451530774434405,6.4760149002075185 +3.6456551237675634,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.530317305927239,1.9035148620605469,2.019083172082901,0.6806531588130809,5.4451530774434405,6.4760149002075185 +3.5116740463591505,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.530317305927239,1.9035148620605469,2.019083172082901,0.6806531588130809,5.4451530774434405,6.4760149002075185 +3.4667804549819246,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.530317305927239,1.9035148620605469,2.019083172082901,0.6806531588130809,5.4451530774434405,6.4760149002075185 +3.4304848510310015,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.530317305927239,1.9035148620605469,2.019083172082901,0.6806531588130809,5.4451530774434405,6.4760149002075185 +3.4386909367973697,2.040671253921809,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.040671253921809,1.607664704322815,1.6901352405548096,0.631866213964655,4.214239751299222,5.755624103546142 +3.582116485703589,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.040671253921809,1.607664704322815,1.6901352405548096,0.631866213964655,4.214239751299222,5.755624103546142 +3.4870092789384493,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.040671253921809,1.607664704322815,1.6901352405548096,0.631866213964655,4.214239751299222,5.755624103546142 +3.552990573377282,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.040671253921809,1.607664704322815,1.6901352405548096,0.631866213964655,4.214239751299222,5.755624103546142 +3.5774612853347785,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.040671253921809,1.607664704322815,1.6901352405548096,0.631866213964655,4.214239751299222,5.755624103546142 +3.3842090959206104,2.2836696811454007,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2836696811454007,1.883151650428772,1.952296257019043,0.6862730244372753,4.717030887802442,5.435407638549803 +3.438245172216741,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2836696811454007,1.883151650428772,1.952296257019043,0.6862730244372753,4.717030887802442,5.435407638549803 +3.3543438318536904,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2836696811454007,1.883151650428772,1.952296257019043,0.6862730244372753,4.717030887802442,5.435407638549803 +3.6564632781970468,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2836696811454007,1.883151650428772,1.952296257019043,0.6862730244372753,4.717030887802442,5.435407638549803 +3.4647036229007164,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2836696811454007,1.883151650428772,1.952296257019043,0.6862730244372753,4.717030887802442,5.435407638549803 +3.534818216804464,3.514759181037782,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.514759181037782,3.0631797313690186,3.1815022826194763,1.674581563219111,6.041828701893489,8.036479568481445 +3.6866089834347564,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.514759181037782,3.0631797313690186,3.1815022826194763,1.674581563219111,6.041828701893489,8.036479568481445 +3.5905661582553607,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.514759181037782,3.0631797313690186,3.1815022826194763,1.674581563219111,6.041828701893489,8.036479568481445 +3.599423178169375,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.514759181037782,3.0631797313690186,3.1815022826194763,1.674581563219111,6.041828701893489,8.036479568481445 +3.6321610718729627,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,3.514759181037782,3.0631797313690186,3.1815022826194763,1.674581563219111,6.041828701893489,8.036479568481445 +3.53485442696036,2.6034861179413618,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6034861179413618,2.0431556701660156,2.1980182230472565,0.7358633485880304,5.304131786028544,7.397265052795408 +3.3674855384395745,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6034861179413618,2.0431556701660156,2.1980182230472565,0.7358633485880304,5.304131786028544,7.397265052795408 +3.5877644861593723,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6034861179413618,2.0431556701660156,2.1980182230472565,0.7358633485880304,5.304131786028544,7.397265052795408 +3.4010684349055653,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6034861179413618,2.0431556701660156,2.1980182230472565,0.7358633485880304,5.304131786028544,7.397265052795408 +3.2852427426302966,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6034861179413618,2.0431556701660156,2.1980182230472565,0.7358633485880304,5.304131786028544,7.397265052795408 +3.3496603514989323,2.5689165856314715,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5689165856314715,2.04190993309021,2.175920456647873,0.9409425027192907,5.060975392659505,6.88373508453369 +3.401877706000547,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5689165856314715,2.04190993309021,2.175920456647873,0.9409425027192907,5.060975392659505,6.88373508453369 +3.2619793833599555,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5689165856314715,2.04190993309021,2.175920456647873,0.9409425027192907,5.060975392659505,6.88373508453369 +3.401033659762946,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5689165856314715,2.04190993309021,2.175920456647873,0.9409425027192907,5.060975392659505,6.88373508453369 +3.52233206687156,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5689165856314715,2.04190993309021,2.175920456647873,0.9409425027192907,5.060975392659505,6.88373508453369 +3.379735286541696,2.0732158121293183,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0732158121293183,1.6009557247161865,1.712599128484726,0.6774847894272906,4.325448676943779,5.613046932220458 +3.4000116010690427,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0732158121293183,1.6009557247161865,1.712599128484726,0.6774847894272906,4.325448676943779,5.613046932220458 +3.3970055682756657,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0732158121293183,1.6009557247161865,1.712599128484726,0.6774847894272906,4.325448676943779,5.613046932220458 +3.7346257733716812,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0732158121293183,1.6009557247161865,1.712599128484726,0.6774847894272906,4.325448676943779,5.613046932220458 +3.2348935495187234,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0732158121293183,1.6009557247161865,1.712599128484726,0.6774847894272906,4.325448676943779,5.613046932220458 +3.324161038254842,1.9331587064597342,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9331587064597342,1.485694169998169,1.6033758521080017,0.6706479878184644,3.897434542576472,4.898078536987304 +3.4488543750310323,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9331587064597342,1.485694169998169,1.6033758521080017,0.6706479878184644,3.897434542576472,4.898078536987304 +3.1073810274572673,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9331587064597342,1.485694169998169,1.6033758521080017,0.6706479878184644,3.897434542576472,4.898078536987304 +3.5049045016512395,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9331587064597342,1.485694169998169,1.6033758521080017,0.6706479878184644,3.897434542576472,4.898078536987304 +3.44120866032735,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9331587064597342,1.485694169998169,1.6033758521080017,0.6706479878184644,3.897434542576472,4.898078536987304 +3.4038758800416633,2.6457983353150585,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6457983353150585,2.36397123336792,2.418537527322769,1.319773903552522,4.437364399433136,5.070260047912597 +3.3513711947643032,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6457983353150585,2.36397123336792,2.418537527322769,1.319773903552522,4.437364399433136,5.070260047912597 +3.2649353009336544,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6457983353150585,2.36397123336792,2.418537527322769,1.319773903552522,4.437364399433136,5.070260047912597 +3.1839043268034515,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6457983353150585,2.36397123336792,2.418537527322769,1.319773903552522,4.437364399433136,5.070260047912597 +3.416287992808152,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.6457983353150585,2.36397123336792,2.418537527322769,1.319773903552522,4.437364399433136,5.070260047912597 +3.6862199532561064,2.193385673617875,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.193385673617875,1.8210194110870361,1.8476789444684982,0.5796025181387333,4.467351491252582,5.755788898468017 +3.5156270667399454,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.193385673617875,1.8210194110870361,1.8476789444684982,0.5796025181387333,4.467351491252582,5.755788898468017 +3.1526191810976547,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.193385673617875,1.8210194110870361,1.8476789444684982,0.5796025181387333,4.467351491252582,5.755788898468017 +3.5491488306417,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.193385673617875,1.8210194110870361,1.8476789444684982,0.5796025181387333,4.467351491252582,5.755788898468017 +3.5030453467746523,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.193385673617875,1.8210194110870361,1.8476789444684982,0.5796025181387333,4.467351491252582,5.755788898468017 +3.4766415780837745,2.4313723347174427,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4313723347174427,2.1182174682617188,2.181658536195755,1.0581717947696119,4.3148689071337385,4.852467632293701 +3.3081326671436155,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4313723347174427,2.1182174682617188,2.181658536195755,1.0581717947696119,4.3148689071337385,4.852467632293701 +3.748750037933874,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4313723347174427,2.1182174682617188,2.181658536195755,1.0581717947696119,4.3148689071337385,4.852467632293701 +3.344862317130717,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4313723347174427,2.1182174682617188,2.181658536195755,1.0581717947696119,4.3148689071337385,4.852467632293701 +3.339553808198755,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4313723347174427,2.1182174682617188,2.181658536195755,1.0581717947696119,4.3148689071337385,4.852467632293701 +3.242704120526056,2.1814748631819847,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1814748631819847,1.741811990737915,1.8511680960655212,0.6598887759003234,4.4344680060942965,5.357766532897948 +3.2967177886407733,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1814748631819847,1.741811990737915,1.8511680960655212,0.6598887759003234,4.4344680060942965,5.357766532897948 +3.402290036896917,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1814748631819847,1.741811990737915,1.8511680960655212,0.6598887759003234,4.4344680060942965,5.357766532897948 +3.553521629688293,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1814748631819847,1.741811990737915,1.8511680960655212,0.6598887759003234,4.4344680060942965,5.357766532897948 +3.5742236981291255,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1814748631819847,1.741811990737915,1.8511680960655212,0.6598887759003234,4.4344680060942965,5.357766532897948 +3.3154142305136984,1.9335986201567625,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9335986201567625,1.4475328922271729,1.5617082566022873,0.5676404767213984,4.18749804298083,5.5192127227783185 +3.304510153338588,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9335986201567625,1.4475328922271729,1.5617082566022873,0.5676404767213984,4.18749804298083,5.5192127227783185 +3.541295103886039,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9335986201567625,1.4475328922271729,1.5617082566022873,0.5676404767213984,4.18749804298083,5.5192127227783185 +3.662160609870913,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9335986201567625,1.4475328922271729,1.5617082566022873,0.5676404767213984,4.18749804298083,5.5192127227783185 +3.236100856755371,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,1.9335986201567625,1.4475328922271729,1.5617082566022873,0.5676404767213984,4.18749804298083,5.5192127227783185 +3.476532650811691,2.806597145067321,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.806597145067321,2.355344772338867,2.492039531469345,0.8423524787451359,5.52279531955719,7.305620384216308 +3.528445715364806,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.806597145067321,2.355344772338867,2.492039531469345,0.8423524787451359,5.52279531955719,7.305620384216308 +3.1830135751957944,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.806597145067321,2.355344772338867,2.492039531469345,0.8423524787451359,5.52279531955719,7.305620384216308 +3.7624849054107252,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.806597145067321,2.355344772338867,2.492039531469345,0.8423524787451359,5.52279531955719,7.305620384216308 +3.6697748053356967,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.806597145067321,2.355344772338867,2.492039531469345,0.8423524787451359,5.52279531955719,7.305620384216308 +3.243432421030816,2.146687761106819,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.146687761106819,1.679929256439209,1.7842438519001007,0.706477941033688,4.415310983856519,6.056181812286376 +3.4168030521918413,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.146687761106819,1.679929256439209,1.7842438519001007,0.706477941033688,4.415310983856519,6.056181812286376 +3.5845433757849294,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.146687761106819,1.679929256439209,1.7842438519001007,0.706477941033688,4.415310983856519,6.056181812286376 +3.2334777632418596,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.146687761106819,1.679929256439209,1.7842438519001007,0.706477941033688,4.415310983856519,6.056181812286376 +3.4568179299892723,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.146687761106819,1.679929256439209,1.7842438519001007,0.706477941033688,4.415310983856519,6.056181812286376 +3.5059748337970245,2.2584859808443714,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2584859808443714,1.9070072174072266,2.0209001898765564,0.8947773642362432,4.180059303840001,5.0381505966186495 +3.4673047785040256,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2584859808443714,1.9070072174072266,2.0209001898765564,0.8947773642362432,4.180059303840001,5.0381505966186495 +3.1983371772913944,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2584859808443714,1.9070072174072266,2.0209001898765564,0.8947773642362432,4.180059303840001,5.0381505966186495 +3.357845058070009,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2584859808443714,1.9070072174072266,2.0209001898765564,0.8947773642362432,4.180059303840001,5.0381505966186495 +3.3530669192682785,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.2584859808443714,1.9070072174072266,2.0209001898765564,0.8947773642362432,4.180059303840001,5.0381505966186495 +3.5759381964448886,2.1827315839115906,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1827315839115906,1.766357183456421,1.8557710945606232,0.7984208107945767,4.262452254692714,5.372196578979491 +3.336461287198249,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1827315839115906,1.766357183456421,1.8557710945606232,0.7984208107945767,4.262452254692714,5.372196578979491 +3.6498199478971296,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1827315839115906,1.766357183456421,1.8557710945606232,0.7984208107945767,4.262452254692714,5.372196578979491 +3.5542073023743868,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1827315839115906,1.766357183456421,1.8557710945606232,0.7984208107945767,4.262452254692714,5.372196578979491 +3.6006142835779054,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1827315839115906,1.766357183456421,1.8557710945606232,0.7984208107945767,4.262452254692714,5.372196578979491 +3.441282515278907,2.5182585102855843,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5182585102855843,2.0397045612335205,2.1294007897377014,1.088743899096834,4.734538659453392,6.161566066741943 +3.20251504160798,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5182585102855843,2.0397045612335205,2.1294007897377014,1.088743899096834,4.734538659453392,6.161566066741943 +3.338653833794562,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5182585102855843,2.0397045612335205,2.1294007897377014,1.088743899096834,4.734538659453392,6.161566066741943 +3.4720404751421907,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5182585102855843,2.0397045612335205,2.1294007897377014,1.088743899096834,4.734538659453392,6.161566066741943 +3.3839027872579392,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5182585102855843,2.0397045612335205,2.1294007897377014,1.088743899096834,4.734538659453392,6.161566066741943 +3.503691639151611,2.5456738401026953,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5456738401026953,1.876175880432129,1.9861612617969513,0.8060431778430939,5.340699553489685,7.1399184226989725 +3.2226097615814147,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5456738401026953,1.876175880432129,1.9861612617969513,0.8060431778430939,5.340699553489685,7.1399184226989725 +3.515398952372785,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5456738401026953,1.876175880432129,1.9861612617969513,0.8060431778430939,5.340699553489685,7.1399184226989725 +3.3333977896100926,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5456738401026953,1.876175880432129,1.9861612617969513,0.8060431778430939,5.340699553489685,7.1399184226989725 +3.4895539485842066,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.5456738401026953,1.876175880432129,1.9861612617969513,0.8060431778430939,5.340699553489685,7.1399184226989725 +3.4737089973208457,2.1437481549524127,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1437481549524127,1.5382424592971802,1.7171594351530075,0.5708169261825845,4.652817289034526,5.85436086654663 +3.2950888856812957,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1437481549524127,1.5382424592971802,1.7171594351530075,0.5708169261825845,4.652817289034526,5.85436086654663 +3.3291256598007712,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1437481549524127,1.5382424592971802,1.7171594351530075,0.5708169261825845,4.652817289034526,5.85436086654663 +3.2877342335702875,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1437481549524127,1.5382424592971802,1.7171594351530075,0.5708169261825845,4.652817289034526,5.85436086654663 +3.4744625994468743,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1437481549524127,1.5382424592971802,1.7171594351530075,0.5708169261825845,4.652817289034526,5.85436086654663 +3.390665065565965,2.881951573585707,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.881951573585707,2.6174843311309814,2.6456648111343384,1.0775681172913694,5.230234727263451,6.600556755065916 +3.554193015168556,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.881951573585707,2.6174843311309814,2.6456648111343384,1.0775681172913694,5.230234727263451,6.600556755065916 +3.315980525908495,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.881951573585707,2.6174843311309814,2.6456648111343384,1.0775681172913694,5.230234727263451,6.600556755065916 +3.4884915261045295,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.881951573585707,2.6174843311309814,2.6456648111343384,1.0775681172913694,5.230234727263451,6.600556755065916 +3.352712517776244,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.881951573585707,2.6174843311309814,2.6456648111343384,1.0775681172913694,5.230234727263451,6.600556755065916 +3.435222200302304,2.0041128885414867,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0041128885414867,1.4482085704803467,1.5740243196487427,0.6404808707376743,4.284678960839908,5.701238250732421 +3.234688674082542,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0041128885414867,1.4482085704803467,1.5740243196487427,0.6404808707376743,4.284678960839908,5.701238250732421 +3.4902362985079396,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0041128885414867,1.4482085704803467,1.5740243196487427,0.6404808707376743,4.284678960839908,5.701238250732421 +3.4960525094047386,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0041128885414867,1.4482085704803467,1.5740243196487427,0.6404808707376743,4.284678960839908,5.701238250732421 +3.37473003247797,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.0041128885414867,1.4482085704803467,1.5740243196487427,0.6404808707376743,4.284678960839908,5.701238250732421 +3.6287780203573936,2.1901465936627966,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1901465936627966,1.6273853778839111,1.8113181293010712,0.8499639459112858,4.316863248745601,5.148058700561522 +3.462887794821275,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1901465936627966,1.6273853778839111,1.8113181293010712,0.8499639459112858,4.316863248745601,5.148058700561522 +3.412816438814109,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1901465936627966,1.6273853778839111,1.8113181293010712,0.8499639459112858,4.316863248745601,5.148058700561522 +3.486003726386615,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1901465936627966,1.6273853778839111,1.8113181293010712,0.8499639459112858,4.316863248745601,5.148058700561522 +3.5970564074322855,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.1901465936627966,1.6273853778839111,1.8113181293010712,0.8499639459112858,4.316863248745601,5.148058700561522 +3.2732270996142816,2.4923734808409654,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4923734808409654,2.1424710750579834,2.2033845484256744,1.1509210448315803,4.405750473340352,5.6658303260803216 +3.3788171786824757,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4923734808409654,2.1424710750579834,2.2033845484256744,1.1509210448315803,4.405750473340352,5.6658303260803216 +3.3787923057742986,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4923734808409654,2.1424710750579834,2.2033845484256744,1.1509210448315803,4.405750473340352,5.6658303260803216 +3.6026634758923173,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4923734808409654,2.1424710750579834,2.2033845484256744,1.1509210448315803,4.405750473340352,5.6658303260803216 +3.5398440298902014,0,1.930161872001552,1.4580395221710205,1.5342620313167572,0.5838506656124237,4.098166058460872,5.205569648742675,2.4923734808409654,2.1424710750579834,2.2033845484256744,1.1509210448315803,4.405750473340352,5.6658303260803216 +3.263062995900265,1.8410083445370513,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524 +3.6977969570021516,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524 +3.369176107692215,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524 +3.1268484064213204,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524 +3.294727856435845,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524 +3.4749431326828093,1.9915352075424775,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9915352075424775,1.6819084882736206,1.699621245265007,0.5397354172582322,3.977168823281924,5.027943897247314 +3.4838276051948127,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9915352075424775,1.6819084882736206,1.699621245265007,0.5397354172582322,3.977168823281924,5.027943897247314 +3.3057791545672592,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9915352075424775,1.6819084882736206,1.699621245265007,0.5397354172582322,3.977168823281924,5.027943897247314 +3.4808067077068037,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9915352075424775,1.6819084882736206,1.699621245265007,0.5397354172582322,3.977168823281924,5.027943897247314 +3.432385264293814,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9915352075424775,1.6819084882736206,1.699621245265007,0.5397354172582322,3.977168823281924,5.027943897247314 +3.49074385126458,2.2188904141544032,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.2188904141544032,1.9249844551086426,1.9625926613807678,0.6658598798069548,4.315424973766009,5.048138713836669 +3.298599066630517,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.2188904141544032,1.9249844551086426,1.9625926613807678,0.6658598798069548,4.315424973766009,5.048138713836669 +3.4270629272611917,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.2188904141544032,1.9249844551086426,1.9625926613807678,0.6658598798069548,4.315424973766009,5.048138713836669 +3.366956650050932,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.2188904141544032,1.9249844551086426,1.9625926613807678,0.6658598798069548,4.315424973766009,5.048138713836669 +3.239641862938618,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.2188904141544032,1.9249844551086426,1.9625926613807678,0.6658598798069548,4.315424973766009,5.048138713836669 +3.4240688366672924,2.335606638558958,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.335606638558958,1.8913438320159912,1.9560685455799103,0.8839302335647826,4.540493220090866,5.960439682006833 +3.3479823436696172,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.335606638558958,1.8913438320159912,1.9560685455799103,0.8839302335647826,4.540493220090866,5.960439682006833 +3.391992441405564,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.335606638558958,1.8913438320159912,1.9560685455799103,0.8839302335647826,4.540493220090866,5.960439682006833 +3.210808920278398,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.335606638558958,1.8913438320159912,1.9560685455799103,0.8839302335647826,4.540493220090866,5.960439682006833 +3.395185957404743,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.335606638558958,1.8913438320159912,1.9560685455799103,0.8839302335647826,4.540493220090866,5.960439682006833 +3.3844728928678585,2.168048188563377,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.168048188563377,1.7881598472595215,1.8669295608997345,0.8295269586304401,4.164429396390915,5.171891212463379 +3.271149977864722,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.168048188563377,1.7881598472595215,1.8669295608997345,0.8295269586304401,4.164429396390915,5.171891212463379 +3.3144219730019886,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.168048188563377,1.7881598472595215,1.8669295608997345,0.8295269586304401,4.164429396390915,5.171891212463379 +3.2035883290196785,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.168048188563377,1.7881598472595215,1.8669295608997345,0.8295269586304401,4.164429396390915,5.171891212463379 +3.6745671595896456,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.168048188563377,1.7881598472595215,1.8669295608997345,0.8295269586304401,4.164429396390915,5.171891212463379 +3.293440606749781,2.419424651988915,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.419424651988915,2.0809309482574463,2.1602956354618073,0.6588602733421833,4.8982333193222685,5.9267889022827145 +3.2745305715733277,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.419424651988915,2.0809309482574463,2.1602956354618073,0.6588602733421833,4.8982333193222685,5.9267889022827145 +3.5742038191151178,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.419424651988915,2.0809309482574463,2.1602956354618073,0.6588602733421833,4.8982333193222685,5.9267889022827145 +3.3297065061794737,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.419424651988915,2.0809309482574463,2.1602956354618073,0.6588602733421833,4.8982333193222685,5.9267889022827145 +3.32961608166745,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.419424651988915,2.0809309482574463,2.1602956354618073,0.6588602733421833,4.8982333193222685,5.9267889022827145 +3.2961006951481497,2.0681852548131867,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.0681852548131867,1.5418004989624023,1.7187206447124481,0.7388172547550912,4.133739451567332,4.849254894256592 +3.3446678919299924,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.0681852548131867,1.5418004989624023,1.7187206447124481,0.7388172547550912,4.133739451567332,4.849254894256592 +3.51488466928455,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.0681852548131867,1.5418004989624023,1.7187206447124481,0.7388172547550912,4.133739451567332,4.849254894256592 +3.855249229435241,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.0681852548131867,1.5418004989624023,1.7187206447124481,0.7388172547550912,4.133739451567332,4.849254894256592 +3.480596826679631,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.0681852548131867,1.5418004989624023,1.7187206447124481,0.7388172547550912,4.133739451567332,4.849254894256592 +3.4647876615181445,1.9004739942374054,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9004739942374054,1.45427668094635,1.530128002166748,0.5741972314550522,4.0003506888945894,4.800732707977295 +3.223857650263014,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9004739942374054,1.45427668094635,1.530128002166748,0.5741972314550522,4.0003506888945894,4.800732707977295 +3.229191178303595,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9004739942374054,1.45427668094635,1.530128002166748,0.5741972314550522,4.0003506888945894,4.800732707977295 +3.273216372685099,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9004739942374054,1.45427668094635,1.530128002166748,0.5741972314550522,4.0003506888945894,4.800732707977295 +3.2987641780231747,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9004739942374054,1.45427668094635,1.530128002166748,0.5741972314550522,4.0003506888945894,4.800732707977295 +3.560585150873598,2.7596726750255263,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.7596726750255263,2.3386662006378174,2.435985505580902,0.8994897267919906,5.174684941768646,6.129743003845215 +3.3543192589345896,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.7596726750255263,2.3386662006378174,2.435985505580902,0.8994897267919906,5.174684941768646,6.129743003845215 +3.4307679524522343,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.7596726750255263,2.3386662006378174,2.435985505580902,0.8994897267919906,5.174684941768646,6.129743003845215 +3.5997739982715067,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.7596726750255263,2.3386662006378174,2.435985505580902,0.8994897267919906,5.174684941768646,6.129743003845215 +3.1564186304257222,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.7596726750255263,2.3386662006378174,2.435985505580902,0.8994897267919906,5.174684941768646,6.129743003845215 +3.507140847930493,3.1448533814104778,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.1448533814104778,2.9379827976226807,2.9538815021514893,1.2871041507162946,5.437882021069527,5.726473331451416 +3.375374651757268,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.1448533814104778,2.9379827976226807,2.9538815021514893,1.2871041507162946,5.437882021069527,5.726473331451416 +3.4581637638068137,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.1448533814104778,2.9379827976226807,2.9538815021514893,1.2871041507162946,5.437882021069527,5.726473331451416 +3.1264194881538603,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.1448533814104778,2.9379827976226807,2.9538815021514893,1.2871041507162946,5.437882021069527,5.726473331451416 +3.449278904768911,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.1448533814104778,2.9379827976226807,2.9538815021514893,1.2871041507162946,5.437882021069527,5.726473331451416 +3.2902563536308684,1.9320311232534035,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9320311232534035,1.4646012783050537,1.5663184970617294,0.5569748047818529,4.136624077955882,5.491466522216795 +3.2761637879078496,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9320311232534035,1.4646012783050537,1.5663184970617294,0.5569748047818529,4.136624077955882,5.491466522216795 +3.294550428545412,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9320311232534035,1.4646012783050537,1.5663184970617294,0.5569748047818529,4.136624077955882,5.491466522216795 +3.270229721918584,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9320311232534035,1.4646012783050537,1.5663184970617294,0.5569748047818529,4.136624077955882,5.491466522216795 +3.424509076180433,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,1.9320311232534035,1.4646012783050537,1.5663184970617294,0.5569748047818529,4.136624077955882,5.491466522216795 +3.224574515502654,2.109359420086972,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.109359420086972,1.5843677520751953,1.70085871219635,0.5676452235338536,4.50678925216198,5.846080398559568 +3.2871535114924324,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.109359420086972,1.5843677520751953,1.70085871219635,0.5676452235338536,4.50678925216198,5.846080398559568 +3.3354843440305904,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.109359420086972,1.5843677520751953,1.70085871219635,0.5676452235338536,4.50678925216198,5.846080398559568 +3.4206555588146315,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.109359420086972,1.5843677520751953,1.70085871219635,0.5676452235338536,4.50678925216198,5.846080398559568 +3.507701580179241,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.109359420086972,1.5843677520751953,1.70085871219635,0.5676452235338536,4.50678925216198,5.846080398559568 +3.3447833974553287,2.226522089627685,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.226522089627685,1.7305400371551514,1.840048223733902,0.9716190822581028,4.292509069045384,5.689163017272948 +3.208949093670046,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.226522089627685,1.7305400371551514,1.840048223733902,0.9716190822581028,4.292509069045384,5.689163017272948 +3.579702017686298,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.226522089627685,1.7305400371551514,1.840048223733902,0.9716190822581028,4.292509069045384,5.689163017272948 +3.545788635285989,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.226522089627685,1.7305400371551514,1.840048223733902,0.9716190822581028,4.292509069045384,5.689163017272948 +3.418052739628387,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.226522089627685,1.7305400371551514,1.840048223733902,0.9716190822581028,4.292509069045384,5.689163017272948 +3.2878933803898365,3.3029541158408082,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.3029541158408082,2.9205408096313477,3.0188241600990295,1.28199260650163,6.080203036467235,7.361307716369628 +3.421971727329697,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.3029541158408082,2.9205408096313477,3.0188241600990295,1.28199260650163,6.080203036467235,7.361307716369628 +3.2317266699545932,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.3029541158408082,2.9205408096313477,3.0188241600990295,1.28199260650163,6.080203036467235,7.361307716369628 +3.428362297292278,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.3029541158408082,2.9205408096313477,3.0188241600990295,1.28199260650163,6.080203036467235,7.361307716369628 +3.479845507262093,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,3.3029541158408082,2.9205408096313477,3.0188241600990295,1.28199260650163,6.080203036467235,7.361307716369628 +3.2714693034976956,2.435701845814942,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.435701845814942,1.999194860458374,2.1233741343021393,1.0823105117107958,4.461007843414943,5.082133865356443 +3.5590693875950685,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.435701845814942,1.999194860458374,2.1233741343021393,1.0823105117107958,4.461007843414943,5.082133865356443 +3.600303143852619,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.435701845814942,1.999194860458374,2.1233741343021393,1.0823105117107958,4.461007843414943,5.082133865356443 +3.350190284974028,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.435701845814942,1.999194860458374,2.1233741343021393,1.0823105117107958,4.461007843414943,5.082133865356443 +3.2019801519241056,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.435701845814942,1.999194860458374,2.1233741343021393,1.0823105117107958,4.461007843414943,5.082133865356443 +3.376125958141205,2.600754281910008,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.600754281910008,2.1621129512786865,2.297856092453003,1.052080177563302,4.879576886693637,5.990697574615478 +3.4444333409649714,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.600754281910008,2.1621129512786865,2.297856092453003,1.052080177563302,4.879576886693637,5.990697574615478 +3.2429900739862925,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.600754281910008,2.1621129512786865,2.297856092453003,1.052080177563302,4.879576886693637,5.990697574615478 +3.306934292917201,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.600754281910008,2.1621129512786865,2.297856092453003,1.052080177563302,4.879576886693637,5.990697574615478 +3.498915682917849,0,1.8410083445370513,1.396056890487671,1.4727678894996643,0.48139687500735545,4.0011173238356905,5.2664483070373524,2.600754281910008,2.1621129512786865,2.297856092453003,1.052080177563302,4.879576886693637,5.990697574615478 +3.307743354530951,1.8130555644473703,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335 +3.2398005011135167,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335 +3.2080421308964726,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335 +3.2448610126343125,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335 +3.314454650992926,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335 +3.3440439312431303,2.813159436302841,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.813159436302841,2.5719964504241943,2.6189062297344208,1.4670665143652166,4.633236194650332,5.298194599151611 +3.287775769574189,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.813159436302841,2.5719964504241943,2.6189062297344208,1.4670665143652166,4.633236194650332,5.298194599151611 +3.204138514981421,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.813159436302841,2.5719964504241943,2.6189062297344208,1.4670665143652166,4.633236194650332,5.298194599151611 +3.1497278138602,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.813159436302841,2.5719964504241943,2.6189062297344208,1.4670665143652166,4.633236194650332,5.298194599151611 +3.423146836695539,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.813159436302841,2.5719964504241943,2.6189062297344208,1.4670665143652166,4.633236194650332,5.298194599151611 +3.36454765980272,2.042547648269979,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.042547648269979,1.73978853225708,1.7618111371994019,0.5770638573994028,4.207243800163269,5.106370544433593 +3.3518534153699875,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.042547648269979,1.73978853225708,1.7618111371994019,0.5770638573994028,4.207243800163269,5.106370544433593 +3.6283415022421637,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.042547648269979,1.73978853225708,1.7618111371994019,0.5770638573994028,4.207243800163269,5.106370544433593 +3.4429983281601704,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.042547648269979,1.73978853225708,1.7618111371994019,0.5770638573994028,4.207243800163269,5.106370544433593 +3.368266975895396,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.042547648269979,1.73978853225708,1.7618111371994019,0.5770638573994028,4.207243800163269,5.106370544433593 +3.282283984222953,2.1081729099233315,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1081729099233315,1.7888164520263672,1.8656528294086456,0.6534547881877169,4.107017561793327,4.852432823181152 +3.3436735934703203,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1081729099233315,1.7888164520263672,1.8656528294086456,0.6534547881877169,4.107017561793327,4.852432823181152 +3.277134718515942,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1081729099233315,1.7888164520263672,1.8656528294086456,0.6534547881877169,4.107017561793327,4.852432823181152 +3.4963598833235086,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1081729099233315,1.7888164520263672,1.8656528294086456,0.6534547881877169,4.107017561793327,4.852432823181152 +3.336808443895116,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1081729099233315,1.7888164520263672,1.8656528294086456,0.6534547881877169,4.107017561793327,4.852432823181152 +3.2892135768381774,2.024631576090263,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.024631576090263,1.6366184949874878,1.7149586975574493,0.6078654229640961,4.183950662612915,5.4617628097534165 +3.6703209329131097,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.024631576090263,1.6366184949874878,1.7149586975574493,0.6078654229640961,4.183950662612915,5.4617628097534165 +3.476439735898871,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.024631576090263,1.6366184949874878,1.7149586975574493,0.6078654229640961,4.183950662612915,5.4617628097534165 +3.6467167729202234,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.024631576090263,1.6366184949874878,1.7149586975574493,0.6078654229640961,4.183950662612915,5.4617628097534165 +3.3118553518423304,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.024631576090263,1.6366184949874878,1.7149586975574493,0.6078654229640961,4.183950662612915,5.4617628097534165 +3.583003444316991,1.8897694758085346,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8897694758085346,1.3755816221237183,1.4888458102941513,0.4594730742751284,4.119363283117612,5.37853479385376 +3.447074149914656,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8897694758085346,1.3755816221237183,1.4888458102941513,0.4594730742751284,4.119363283117612,5.37853479385376 +3.403599258679356,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8897694758085346,1.3755816221237183,1.4888458102941513,0.4594730742751284,4.119363283117612,5.37853479385376 +3.28559993016767,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8897694758085346,1.3755816221237183,1.4888458102941513,0.4594730742751284,4.119363283117612,5.37853479385376 +3.4624335360283274,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.8897694758085346,1.3755816221237183,1.4888458102941513,0.4594730742751284,4.119363283117612,5.37853479385376 +3.289274448258581,2.836886867052979,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.836886867052979,2.19285249710083,2.3281470835208893,0.5643373095291726,6.1513843188683195,7.685440826416015 +3.3287618666061625,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.836886867052979,2.19285249710083,2.3281470835208893,0.5643373095291726,6.1513843188683195,7.685440826416015 +3.3701867080418917,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.836886867052979,2.19285249710083,2.3281470835208893,0.5643373095291726,6.1513843188683195,7.685440826416015 +3.1945757736552673,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.836886867052979,2.19285249710083,2.3281470835208893,0.5643373095291726,6.1513843188683195,7.685440826416015 +3.37249283734365,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.836886867052979,2.19285249710083,2.3281470835208893,0.5643373095291726,6.1513843188683195,7.685440826416015 +3.3993697779592233,3.723937164696436,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,3.723937164696436,3.3728396892547607,3.422903835773468,1.759809433779818,6.367376774549484,8.074537849426271 +3.3386039655645794,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,3.723937164696436,3.3728396892547607,3.422903835773468,1.759809433779818,6.367376774549484,8.074537849426271 +2.99140280567719,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,3.723937164696436,3.3728396892547607,3.422903835773468,1.759809433779818,6.367376774549484,8.074537849426271 +3.120026456216709,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,3.723937164696436,3.3728396892547607,3.422903835773468,1.759809433779818,6.367376774549484,8.074537849426271 +3.276378293307916,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,3.723937164696436,3.3728396892547607,3.422903835773468,1.759809433779818,6.367376774549484,8.074537849426271 +3.2666669807600788,2.2149901146453526,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2149901146453526,1.5367151498794556,1.7372349500656128,0.48697886156274917,4.958237995704015,6.14114122390747 +3.3227061440376935,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2149901146453526,1.5367151498794556,1.7372349500656128,0.48697886156274917,4.958237995704015,6.14114122390747 +3.158455584326017,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2149901146453526,1.5367151498794556,1.7372349500656128,0.48697886156274917,4.958237995704015,6.14114122390747 +3.14104351242095,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2149901146453526,1.5367151498794556,1.7372349500656128,0.48697886156274917,4.958237995704015,6.14114122390747 +3.0999139753369356,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2149901146453526,1.5367151498794556,1.7372349500656128,0.48697886156274917,4.958237995704015,6.14114122390747 +3.292481621132677,1.9704088547005856,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9704088547005856,1.5121965408325195,1.5700190514326096,0.5734765581945156,4.180448691050212,5.4648902893066404 +3.304238035488569,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9704088547005856,1.5121965408325195,1.5700190514326096,0.5734765581945156,4.180448691050212,5.4648902893066404 +3.1276133121396748,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9704088547005856,1.5121965408325195,1.5700190514326096,0.5734765581945156,4.180448691050212,5.4648902893066404 +3.6385061576136812,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9704088547005856,1.5121965408325195,1.5700190514326096,0.5734765581945156,4.180448691050212,5.4648902893066404 +3.130534761381338,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9704088547005856,1.5121965408325195,1.5700190514326096,0.5734765581945156,4.180448691050212,5.4648902893066404 +3.224840293164146,1.9478916193915423,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9478916193915423,1.5410387516021729,1.6262794584035873,0.6207560487884156,4.096090460817019,5.035799026489256 +3.2188965931416815,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9478916193915423,1.5410387516021729,1.6262794584035873,0.6207560487884156,4.096090460817019,5.035799026489256 +3.405693442651653,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9478916193915423,1.5410387516021729,1.6262794584035873,0.6207560487884156,4.096090460817019,5.035799026489256 +3.194596797797957,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9478916193915423,1.5410387516021729,1.6262794584035873,0.6207560487884156,4.096090460817019,5.035799026489256 +3.6268785723281094,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9478916193915423,1.5410387516021729,1.6262794584035873,0.6207560487884156,4.096090460817019,5.035799026489256 +3.446809569103422,2.7160893342797716,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.7160893342797716,2.3397538661956787,2.391602337360382,0.870386171214124,5.184059391419093,5.7814915657043455 +3.21877291047636,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.7160893342797716,2.3397538661956787,2.391602337360382,0.870386171214124,5.184059391419093,5.7814915657043455 +2.8652861236660967,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.7160893342797716,2.3397538661956787,2.391602337360382,0.870386171214124,5.184059391419093,5.7814915657043455 +3.5605380626734453,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.7160893342797716,2.3397538661956787,2.391602337360382,0.870386171214124,5.184059391419093,5.7814915657043455 +3.385468009358031,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.7160893342797716,2.3397538661956787,2.391602337360382,0.870386171214124,5.184059391419093,5.7814915657043455 +3.2664836638442445,2.104737721028782,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.104737721028782,1.5536857843399048,1.7226963341236115,0.6421221022276168,4.3757399916648865,5.453522109985352 +3.3088292233390355,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.104737721028782,1.5536857843399048,1.7226963341236115,0.6421221022276168,4.3757399916648865,5.453522109985352 +3.122444314484074,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.104737721028782,1.5536857843399048,1.7226963341236115,0.6421221022276168,4.3757399916648865,5.453522109985352 +3.6089003173767105,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.104737721028782,1.5536857843399048,1.7226963341236115,0.6421221022276168,4.3757399916648865,5.453522109985352 +3.5636017593827916,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.104737721028782,1.5536857843399048,1.7226963341236115,0.6421221022276168,4.3757399916648865,5.453522109985352 +3.1981732223703867,2.459521547669456,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.459521547669456,2.175468683242798,2.2329480946063995,0.790527657625523,4.594014396270116,5.394611167907714 +3.2876453584644914,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.459521547669456,2.175468683242798,2.2329480946063995,0.790527657625523,4.594014396270116,5.394611167907714 +3.0115389886231094,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.459521547669456,2.175468683242798,2.2329480946063995,0.790527657625523,4.594014396270116,5.394611167907714 +3.6847385442311973,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.459521547669456,2.175468683242798,2.2329480946063995,0.790527657625523,4.594014396270116,5.394611167907714 +3.435181059474052,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.459521547669456,2.175468683242798,2.2329480946063995,0.790527657625523,4.594014396270116,5.394611167907714 +3.1223491043402842,2.354202500726811,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.354202500726811,1.901766061782837,2.0059057772159576,0.8522098064422607,4.621301318208377,5.704644203186033 +3.1974513009387144,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.354202500726811,1.901766061782837,2.0059057772159576,0.8522098064422607,4.621301318208377,5.704644203186033 +3.352266429046213,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.354202500726811,1.901766061782837,2.0059057772159576,0.8522098064422607,4.621301318208377,5.704644203186033 +3.1424510950384796,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.354202500726811,1.901766061782837,2.0059057772159576,0.8522098064422607,4.621301318208377,5.704644203186033 +3.328155417260677,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.354202500726811,1.901766061782837,2.0059057772159576,0.8522098064422607,4.621301318208377,5.704644203186033 +3.328618561332962,2.330169227348749,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.330169227348749,1.7174861431121826,1.8404439985752106,0.764334795164301,4.885512848695119,6.39599208831787 +3.2596802080055025,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.330169227348749,1.7174861431121826,1.8404439985752106,0.764334795164301,4.885512848695119,6.39599208831787 +3.4465326031468475,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.330169227348749,1.7174861431121826,1.8404439985752106,0.764334795164301,4.885512848695119,6.39599208831787 +3.4709959850698158,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.330169227348749,1.7174861431121826,1.8404439985752106,0.764334795164301,4.885512848695119,6.39599208831787 +3.1264019568787402,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.330169227348749,1.7174861431121826,1.8404439985752106,0.764334795164301,4.885512848695119,6.39599208831787 +3.5031904682202515,1.895550133295791,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.895550133295791,1.3815436363220215,1.512803927063942,0.5625200927891629,4.082894856731097,5.4189505577087385 +3.198670149065731,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.895550133295791,1.3815436363220215,1.512803927063942,0.5625200927891629,4.082894856731097,5.4189505577087385 +3.2821512915842765,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.895550133295791,1.3815436363220215,1.512803927063942,0.5625200927891629,4.082894856731097,5.4189505577087385 +3.308258203666726,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.895550133295791,1.3815436363220215,1.512803927063942,0.5625200927891629,4.082894856731097,5.4189505577087385 +3.2141185673961226,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.895550133295791,1.3815436363220215,1.512803927063942,0.5625200927891629,4.082894856731097,5.4189505577087385 +3.3217104646453444,2.6396213210133648,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.6396213210133648,2.3634743690490723,2.457285314798355,0.970240202989984,4.624999905625979,5.227433109283447 +3.3304922532359025,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.6396213210133648,2.3634743690490723,2.457285314798355,0.970240202989984,4.624999905625979,5.227433109283447 +3.3117125370886207,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.6396213210133648,2.3634743690490723,2.457285314798355,0.970240202989984,4.624999905625979,5.227433109283447 +3.1736038684609067,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.6396213210133648,2.3634743690490723,2.457285314798355,0.970240202989984,4.624999905625979,5.227433109283447 +3.332471046724546,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.6396213210133648,2.3634743690490723,2.457285314798355,0.970240202989984,4.624999905625979,5.227433109283447 +3.364424654412867,2.1021667247411435,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1021667247411435,1.5687276124954224,1.6485706865787506,0.611363965780177,4.551827505230904,5.985766220092773 +3.227857429504709,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1021667247411435,1.5687276124954224,1.6485706865787506,0.611363965780177,4.551827505230904,5.985766220092773 +3.443009684319389,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1021667247411435,1.5687276124954224,1.6485706865787506,0.611363965780177,4.551827505230904,5.985766220092773 +3.314462501388584,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1021667247411435,1.5687276124954224,1.6485706865787506,0.611363965780177,4.551827505230904,5.985766220092773 +3.3122336393453202,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1021667247411435,1.5687276124954224,1.6485706865787506,0.611363965780177,4.551827505230904,5.985766220092773 +3.374711729448515,2.187438452843005,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.187438452843005,1.6558761596679688,1.740216612815857,0.5970953975586181,4.716993972659111,6.405171871185303 +2.9422362160950035,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.187438452843005,1.6558761596679688,1.740216612815857,0.5970953975586181,4.716993972659111,6.405171871185303 +3.4041739207616266,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.187438452843005,1.6558761596679688,1.740216612815857,0.5970953975586181,4.716993972659111,6.405171871185303 +3.256000993296622,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.187438452843005,1.6558761596679688,1.740216612815857,0.5970953975586181,4.716993972659111,6.405171871185303 +3.139328029055866,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.187438452843005,1.6558761596679688,1.740216612815857,0.5970953975586181,4.716993972659111,6.405171871185303 +3.314112264476225,2.011752564637434,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.011752564637434,1.609124779701233,1.6546083092689514,0.5395899422942324,4.2337798823912935,5.082163047790527 +3.520346685536304,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.011752564637434,1.609124779701233,1.6546083092689514,0.5395899422942324,4.2337798823912935,5.082163047790527 +3.042288893425842,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.011752564637434,1.609124779701233,1.6546083092689514,0.5395899422942324,4.2337798823912935,5.082163047790527 +3.346066883104143,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.011752564637434,1.609124779701233,1.6546083092689514,0.5395899422942324,4.2337798823912935,5.082163047790527 +3.4404985325946655,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.011752564637434,1.609124779701233,1.6546083092689514,0.5395899422942324,4.2337798823912935,5.082163047790527 +3.3610549336176434,2.2590681655066356,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2590681655066356,1.7173720598220825,1.7879886627197266,0.8328967906059103,4.622028852502505,5.974033069610595 +3.4530400258137557,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2590681655066356,1.7173720598220825,1.7879886627197266,0.8328967906059103,4.622028852502505,5.974033069610595 +3.500171882181495,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2590681655066356,1.7173720598220825,1.7879886627197266,0.8328967906059103,4.622028852502505,5.974033069610595 +3.1176656972331864,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2590681655066356,1.7173720598220825,1.7879886627197266,0.8328967906059103,4.622028852502505,5.974033069610595 +3.445098589742089,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2590681655066356,1.7173720598220825,1.7879886627197266,0.8328967906059103,4.622028852502505,5.974033069610595 +3.2090153295084796,2.0887729848818806,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0887729848818806,1.7279372215270996,1.7786309123039246,0.651279405710545,4.157869731386502,4.853593730926514 +3.1137144172804967,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0887729848818806,1.7279372215270996,1.7786309123039246,0.651279405710545,4.157869731386502,4.853593730926514 +3.1898290401712885,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0887729848818806,1.7279372215270996,1.7786309123039246,0.651279405710545,4.157869731386502,4.853593730926514 +3.3422223360211363,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0887729848818806,1.7279372215270996,1.7786309123039246,0.651279405710545,4.157869731386502,4.853593730926514 +3.401627775370131,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0887729848818806,1.7279372215270996,1.7786309123039246,0.651279405710545,4.157869731386502,4.853593730926514 +3.3950362842244965,2.258588834808617,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.258588834808617,1.8014626502990723,1.9252150058746338,0.878603477744346,4.374052330851555,5.358609771728515 +3.4398879108847287,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.258588834808617,1.8014626502990723,1.9252150058746338,0.878603477744346,4.374052330851555,5.358609771728515 +3.4264760396018192,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.258588834808617,1.8014626502990723,1.9252150058746338,0.878603477744346,4.374052330851555,5.358609771728515 +3.2715034659037805,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.258588834808617,1.8014626502990723,1.9252150058746338,0.878603477744346,4.374052330851555,5.358609771728515 +3.252479107367332,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.258588834808617,1.8014626502990723,1.9252150058746338,0.878603477744346,4.374052330851555,5.358609771728515 +3.327001947998057,1.93121810746256,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.93121810746256,1.4860892295837402,1.5645029097795486,0.5570343450662938,3.9856521487236023,4.919131088256834 +3.3496579557342705,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.93121810746256,1.4860892295837402,1.5645029097795486,0.5570343450662938,3.9856521487236023,4.919131088256834 +3.592666972910194,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.93121810746256,1.4860892295837402,1.5645029097795486,0.5570343450662938,3.9856521487236023,4.919131088256834 +3.4778506771948847,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.93121810746256,1.4860892295837402,1.5645029097795486,0.5570343450662938,3.9856521487236023,4.919131088256834 +3.423572334025969,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.93121810746256,1.4860892295837402,1.5645029097795486,0.5570343450662938,3.9856521487236023,4.919131088256834 +3.2757937602285976,2.019597877861646,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.019597877861646,1.5296950340270996,1.6174916326999664,0.6300252725152259,4.301334515213966,4.987546253204345 +3.1373084517770833,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.019597877861646,1.5296950340270996,1.6174916326999664,0.6300252725152259,4.301334515213966,4.987546253204345 +3.2123862150712506,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.019597877861646,1.5296950340270996,1.6174916326999664,0.6300252725152259,4.301334515213966,4.987546253204345 +3.5148671343922615,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.019597877861646,1.5296950340270996,1.6174916326999664,0.6300252725152259,4.301334515213966,4.987546253204345 +3.1464623570206296,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.019597877861646,1.5296950340270996,1.6174916326999664,0.6300252725152259,4.301334515213966,4.987546253204345 +3.386518291087138,2.0885379664481634,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0885379664481634,1.583255648612976,1.69309563934803,0.481903187772061,4.558115129669507,5.57732925415039 +3.0949187605275643,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0885379664481634,1.583255648612976,1.69309563934803,0.481903187772061,4.558115129669507,5.57732925415039 +3.21830144394828,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0885379664481634,1.583255648612976,1.69309563934803,0.481903187772061,4.558115129669507,5.57732925415039 +3.3939351295772204,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0885379664481634,1.583255648612976,1.69309563934803,0.481903187772061,4.558115129669507,5.57732925415039 +3.1573486421699575,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.0885379664481634,1.583255648612976,1.69309563934803,0.481903187772061,4.558115129669507,5.57732925415039 +3.1923677008943065,2.184250321180101,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.184250321180101,1.5050621032714844,1.69362011551857,0.6532492986384858,4.705498228470485,6.071886634826659 +3.401144572939124,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.184250321180101,1.5050621032714844,1.69362011551857,0.6532492986384858,4.705498228470485,6.071886634826659 +3.4426955698269337,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.184250321180101,1.5050621032714844,1.69362011551857,0.6532492986384858,4.705498228470485,6.071886634826659 +3.2599873090836176,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.184250321180101,1.5050621032714844,1.69362011551857,0.6532492986384858,4.705498228470485,6.071886634826659 +3.24917822012722,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.184250321180101,1.5050621032714844,1.69362011551857,0.6532492986384858,4.705498228470485,6.071886634826659 +3.079640745802102,1.9449635434639516,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9449635434639516,1.3886077404022217,1.4934966713190079,0.5070285719442875,4.307721505562465,5.5044097900390625 +3.345649690635129,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9449635434639516,1.3886077404022217,1.4934966713190079,0.5070285719442875,4.307721505562465,5.5044097900390625 +3.265564301220754,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9449635434639516,1.3886077404022217,1.4934966713190079,0.5070285719442875,4.307721505562465,5.5044097900390625 +3.214728384934818,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9449635434639516,1.3886077404022217,1.4934966713190079,0.5070285719442875,4.307721505562465,5.5044097900390625 +3.162781367908996,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9449635434639516,1.3886077404022217,1.4934966713190079,0.5070285719442875,4.307721505562465,5.5044097900390625 +3.2218895509327936,2.972023869633044,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.972023869633044,2.5966122150421143,2.691599190235138,1.673392337687472,4.853555649518967,5.590648174285889 +3.25622520928018,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.972023869633044,2.5966122150421143,2.691599190235138,1.673392337687472,4.853555649518967,5.590648174285889 +3.089871550691474,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.972023869633044,2.5966122150421143,2.691599190235138,1.673392337687472,4.853555649518967,5.590648174285889 +3.2569532075941092,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.972023869633044,2.5966122150421143,2.691599190235138,1.673392337687472,4.853555649518967,5.590648174285889 +3.095765344641297,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.972023869633044,2.5966122150421143,2.691599190235138,1.673392337687472,4.853555649518967,5.590648174285889 +3.4422305143367016,2.2101893040238236,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2101893040238236,1.6418713331222534,1.7543304860591888,0.5428840987225796,4.854586144288381,6.265622615814207 +3.4324700578378815,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2101893040238236,1.6418713331222534,1.7543304860591888,0.5428840987225796,4.854586144288381,6.265622615814207 +3.641725105943655,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2101893040238236,1.6418713331222534,1.7543304860591888,0.5428840987225796,4.854586144288381,6.265622615814207 +3.3738903430017757,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2101893040238236,1.6418713331222534,1.7543304860591888,0.5428840987225796,4.854586144288381,6.265622615814207 +3.276582345405795,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.2101893040238236,1.6418713331222534,1.7543304860591888,0.5428840987225796,4.854586144288381,6.265622615814207 +3.597538460999491,2.482152884599393,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.482152884599393,2.2439353466033936,2.274481862783432,0.8975411323790855,4.402324989438057,5.130377674102784 +3.1081577066263297,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.482152884599393,2.2439353466033936,2.274481862783432,0.8975411323790855,4.402324989438057,5.130377674102784 +3.1520367695269296,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.482152884599393,2.2439353466033936,2.274481862783432,0.8975411323790855,4.402324989438057,5.130377674102784 +3.2769670124143597,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.482152884599393,2.2439353466033936,2.274481862783432,0.8975411323790855,4.402324989438057,5.130377674102784 +3.4110826559384453,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.482152884599393,2.2439353466033936,2.274481862783432,0.8975411323790855,4.402324989438057,5.130377674102784 +3.1750591883244175,2.5718560572812166,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.5718560572812166,2.209479808807373,2.3028509318828583,0.9424452023937347,4.79182356595993,5.595468997955322 +3.520776179660908,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.5718560572812166,2.209479808807373,2.3028509318828583,0.9424452023937347,4.79182356595993,5.595468997955322 +3.2114087621580643,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.5718560572812166,2.209479808807373,2.3028509318828583,0.9424452023937347,4.79182356595993,5.595468997955322 +3.0940892580395323,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.5718560572812166,2.209479808807373,2.3028509318828583,0.9424452023937347,4.79182356595993,5.595468997955322 +3.2838905055990004,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.5718560572812166,2.209479808807373,2.3028509318828583,0.9424452023937347,4.79182356595993,5.595468997955322 +3.07514953416696,1.9987524503832141,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9987524503832141,1.3789916038513184,1.505055844783783,0.5362180352528044,4.429653589924176,6.043728446960448 +3.5009472047551324,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9987524503832141,1.3789916038513184,1.505055844783783,0.5362180352528044,4.429653589924176,6.043728446960448 +3.2280327863106626,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9987524503832141,1.3789916038513184,1.505055844783783,0.5362180352528044,4.429653589924176,6.043728446960448 +3.4330733412173933,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9987524503832141,1.3789916038513184,1.505055844783783,0.5362180352528044,4.429653589924176,6.043728446960448 +3.183652175723091,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9987524503832141,1.3789916038513184,1.505055844783783,0.5362180352528044,4.429653589924176,6.043728446960448 +3.3308241198276782,2.737504231472495,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.737504231472495,2.5724527835845947,2.588865965604782,1.1105057822262987,4.7106288721164065,5.609414672851562 +3.0353821137806984,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.737504231472495,2.5724527835845947,2.588865965604782,1.1105057822262987,4.7106288721164065,5.609414672851562 +3.3204300394748634,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.737504231472495,2.5724527835845947,2.588865965604782,1.1105057822262987,4.7106288721164065,5.609414672851562 +3.3048986185312588,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.737504231472495,2.5724527835845947,2.588865965604782,1.1105057822262987,4.7106288721164065,5.609414672851562 +3.1460038348442647,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.737504231472495,2.5724527835845947,2.588865965604782,1.1105057822262987,4.7106288721164065,5.609414672851562 +3.1711201320026356,2.1747524267230083,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1747524267230083,1.7698990106582642,1.905615121126175,0.6126011161411062,4.241875881950061,5.049365139007566 +3.3995525277462986,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1747524267230083,1.7698990106582642,1.905615121126175,0.6126011161411062,4.241875881950061,5.049365139007566 +3.4055385952692547,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1747524267230083,1.7698990106582642,1.905615121126175,0.6126011161411062,4.241875881950061,5.049365139007566 +3.2019372664608237,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1747524267230083,1.7698990106582642,1.905615121126175,0.6126011161411062,4.241875881950061,5.049365139007566 +2.985224280752104,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1747524267230083,1.7698990106582642,1.905615121126175,0.6126011161411062,4.241875881950061,5.049365139007566 +3.1943545499546233,2.4786001391827113,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4786001391827113,2.238171339035034,2.227245658636093,1.0802506886898202,4.358045135935147,5.023871612548827 +3.2765516736262077,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4786001391827113,2.238171339035034,2.227245658636093,1.0802506886898202,4.358045135935147,5.023871612548827 +3.092694612165869,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4786001391827113,2.238171339035034,2.227245658636093,1.0802506886898202,4.358045135935147,5.023871612548827 +3.1944671693727336,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4786001391827113,2.238171339035034,2.227245658636093,1.0802506886898202,4.358045135935147,5.023871612548827 +3.1823868476503128,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4786001391827113,2.238171339035034,2.227245658636093,1.0802506886898202,4.358045135935147,5.023871612548827 +3.1060964758249887,1.995173757472051,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.995173757472051,1.4624618291854858,1.6171938180923462,0.5806079118492755,4.172006477912267,4.944534397125244 +3.3302818119604543,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.995173757472051,1.4624618291854858,1.6171938180923462,0.5806079118492755,4.172006477912267,4.944534397125244 +3.1599399031859905,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.995173757472051,1.4624618291854858,1.6171938180923462,0.5806079118492755,4.172006477912267,4.944534397125244 +3.3350081018376163,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.995173757472051,1.4624618291854858,1.6171938180923462,0.5806079118492755,4.172006477912267,4.944534397125244 +3.3197252933614174,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.995173757472051,1.4624618291854858,1.6171938180923462,0.5806079118492755,4.172006477912267,4.944534397125244 +3.379964779738071,1.9446421320003175,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9446421320003175,1.485825777053833,1.5954219996929169,0.5154868938187336,4.057686731219292,5.022765350341794 +3.2273884741958025,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9446421320003175,1.485825777053833,1.5954219996929169,0.5154868938187336,4.057686731219292,5.022765350341794 +3.3962774873566186,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9446421320003175,1.485825777053833,1.5954219996929169,0.5154868938187336,4.057686731219292,5.022765350341794 +3.2020721060462236,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9446421320003175,1.485825777053833,1.5954219996929169,0.5154868938187336,4.057686731219292,5.022765350341794 +3.295583055425917,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9446421320003175,1.485825777053833,1.5954219996929169,0.5154868938187336,4.057686731219292,5.022765350341794 +3.2754470627155343,2.1216881674512353,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1216881674512353,1.6546940803527832,1.767294630408287,0.5394853171198926,4.508820767203967,5.375621223449706 +3.0920549434926703,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1216881674512353,1.6546940803527832,1.767294630408287,0.5394853171198926,4.508820767203967,5.375621223449706 +3.12947804761908,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1216881674512353,1.6546940803527832,1.767294630408287,0.5394853171198926,4.508820767203967,5.375621223449706 +3.404586302711184,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1216881674512353,1.6546940803527832,1.767294630408287,0.5394853171198926,4.508820767203967,5.375621223449706 +3.5419074702506643,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.1216881674512353,1.6546940803527832,1.767294630408287,0.5394853171198926,4.508820767203967,5.375621223449706 +3.2887793096436044,2.4776702939912125,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4776702939912125,2.011686325073242,2.175384283065796,0.5408673833342309,5.10383499165376,5.711779403686522 +3.3535863557599463,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4776702939912125,2.011686325073242,2.175384283065796,0.5408673833342309,5.10383499165376,5.711779403686522 +3.1273749792324206,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4776702939912125,2.011686325073242,2.175384283065796,0.5408673833342309,5.10383499165376,5.711779403686522 +3.0839665936291376,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4776702939912125,2.011686325073242,2.175384283065796,0.5408673833342309,5.10383499165376,5.711779403686522 +2.998552440319181,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.4776702939912125,2.011686325073242,2.175384283065796,0.5408673833342309,5.10383499165376,5.711779403686522 +3.272644754017563,2.063155121549412,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.063155121549412,1.6289477348327637,1.7267073392868042,0.6498782975559539,4.233548730611801,5.328365612030028 +3.196435374485471,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.063155121549412,1.6289477348327637,1.7267073392868042,0.6498782975559539,4.233548730611801,5.328365612030028 +3.40216624029079,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.063155121549412,1.6289477348327637,1.7267073392868042,0.6498782975559539,4.233548730611801,5.328365612030028 +3.1170302258711065,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.063155121549412,1.6289477348327637,1.7267073392868042,0.6498782975559539,4.233548730611801,5.328365612030028 +3.081021908483908,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,2.063155121549412,1.6289477348327637,1.7267073392868042,0.6498782975559539,4.233548730611801,5.328365612030028 +3.2186010154971663,1.9519312608021278,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9519312608021278,1.4262874126434326,1.517824411392212,0.6400306158243342,4.0925273001194,5.298978710174558 +3.017433745919243,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9519312608021278,1.4262874126434326,1.517824411392212,0.6400306158243342,4.0925273001194,5.298978710174558 +3.1692015131183537,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9519312608021278,1.4262874126434326,1.517824411392212,0.6400306158243342,4.0925273001194,5.298978710174558 +3.1932149304760165,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9519312608021278,1.4262874126434326,1.517824411392212,0.6400306158243342,4.0925273001194,5.298978710174558 +3.254166893700339,0,1.8130555644473703,1.378139853477478,1.425447478890419,0.44525522358239966,3.9962420016527176,4.928139877319335,1.9519312608021278,1.4262874126434326,1.517824411392212,0.6400306158243342,4.0925273001194,5.298978710174558 +3.245221406870121,1.7748988685074938,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041 +3.227570764504196,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041 +3.3498042723984707,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041 +3.4388218992893487,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041 +3.2090338841473836,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041 +3.398320089072225,2.484965727127418,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.484965727127418,2.077636480331421,2.1831317842006683,1.1998630242144808,4.434516300757726,5.256525707244872 +3.3384714544133964,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.484965727127418,2.077636480331421,2.1831317842006683,1.1998630242144808,4.434516300757726,5.256525707244872 +3.4334125757649896,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.484965727127418,2.077636480331421,2.1831317842006683,1.1998630242144808,4.434516300757726,5.256525707244872 +3.246306770021651,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.484965727127418,2.077636480331421,2.1831317842006683,1.1998630242144808,4.434516300757726,5.256525707244872 +3.1581751040544233,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.484965727127418,2.077636480331421,2.1831317842006683,1.1998630242144808,4.434516300757726,5.256525707244872 +3.1859193133254164,1.9420242480263508,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9420242480263508,1.5947093963623047,1.6266005039215088,0.5850269656549109,3.9234866996606192,4.8868393898010245 +3.2719662782384726,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9420242480263508,1.5947093963623047,1.6266005039215088,0.5850269656549109,3.9234866996606192,4.8868393898010245 +3.2794905124246916,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9420242480263508,1.5947093963623047,1.6266005039215088,0.5850269656549109,3.9234866996606192,4.8868393898010245 +3.1119300954260107,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9420242480263508,1.5947093963623047,1.6266005039215088,0.5850269656549109,3.9234866996606192,4.8868393898010245 +3.548072417780246,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9420242480263508,1.5947093963623047,1.6266005039215088,0.5850269656549109,3.9234866996606192,4.8868393898010245 +3.543556767297137,2.8571273644292163,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.8571273644292163,2.406233310699463,2.492969036102295,1.2226722268982138,5.17717607319355,6.626406097412109 +3.0447334074919015,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.8571273644292163,2.406233310699463,2.492969036102295,1.2226722268982138,5.17717607319355,6.626406097412109 +3.129396646861036,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.8571273644292163,2.406233310699463,2.492969036102295,1.2226722268982138,5.17717607319355,6.626406097412109 +3.056335252712144,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.8571273644292163,2.406233310699463,2.492969036102295,1.2226722268982138,5.17717607319355,6.626406097412109 +3.2686961773281675,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.8571273644292163,2.406233310699463,2.492969036102295,1.2226722268982138,5.17717607319355,6.626406097412109 +3.24062376345525,1.9651972987743282,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9651972987743282,1.4203754663467407,1.5140537917613983,0.5531157427962791,4.272371585170428,5.764796924591064 +3.2781857324267754,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9651972987743282,1.4203754663467407,1.5140537917613983,0.5531157427962791,4.272371585170428,5.764796924591064 +3.4047363984907206,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9651972987743282,1.4203754663467407,1.5140537917613983,0.5531157427962791,4.272371585170428,5.764796924591064 +3.3642496459756175,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9651972987743282,1.4203754663467407,1.5140537917613983,0.5531157427962791,4.272371585170428,5.764796924591064 +3.3238906477796686,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9651972987743282,1.4203754663467407,1.5140537917613983,0.5531157427962791,4.272371585170428,5.764796924591064 +3.249822324903628,2.0582971915445,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0582971915445,1.5956908464431763,1.6720929741859436,0.5450980163952137,4.40379015604655,5.4159487724304185 +3.180437831832268,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0582971915445,1.5956908464431763,1.6720929741859436,0.5450980163952137,4.40379015604655,5.4159487724304185 +3.5753095396904957,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0582971915445,1.5956908464431763,1.6720929741859436,0.5450980163952137,4.40379015604655,5.4159487724304185 +3.36850669555425,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0582971915445,1.5956908464431763,1.6720929741859436,0.5450980163952137,4.40379015604655,5.4159487724304185 +3.1518904920225093,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0582971915445,1.5956908464431763,1.6720929741859436,0.5450980163952137,4.40379015604655,5.4159487724304185 +3.1827054902085528,2.245247620044562,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.245247620044562,1.8888589143753052,1.9673371016979218,0.777536541540572,4.226085394620895,5.298079586029052 +3.198199954739032,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.245247620044562,1.8888589143753052,1.9673371016979218,0.777536541540572,4.226085394620895,5.298079586029052 +3.427722420081457,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.245247620044562,1.8888589143753052,1.9673371016979218,0.777536541540572,4.226085394620895,5.298079586029052 +3.0392963245393103,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.245247620044562,1.8888589143753052,1.9673371016979218,0.777536541540572,4.226085394620895,5.298079586029052 +3.1175859780259687,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.245247620044562,1.8888589143753052,1.9673371016979218,0.777536541540572,4.226085394620895,5.298079586029052 +3.2282117838752615,2.176322549226738,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.176322549226738,1.8465259075164795,1.9325351268053055,0.5577928961274472,4.384582941730817,5.108322715759277 +3.2380499222308474,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.176322549226738,1.8465259075164795,1.9325351268053055,0.5577928961274472,4.384582941730817,5.108322715759277 +3.2209905518666107,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.176322549226738,1.8465259075164795,1.9325351268053055,0.5577928961274472,4.384582941730817,5.108322715759277 +3.206909093288287,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.176322549226738,1.8465259075164795,1.9325351268053055,0.5577928961274472,4.384582941730817,5.108322715759277 +3.24278603977767,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.176322549226738,1.8465259075164795,1.9325351268053055,0.5577928961274472,4.384582941730817,5.108322715759277 +3.2080622876854243,1.8511924833532363,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511924833532363,1.4388545751571655,1.5092127919197083,0.548264075466927,3.890091488758723,4.682543754577637 +3.292897133918425,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511924833532363,1.4388545751571655,1.5092127919197083,0.548264075466927,3.890091488758723,4.682543754577637 +3.3599761468518063,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511924833532363,1.4388545751571655,1.5092127919197083,0.548264075466927,3.890091488758723,4.682543754577637 +3.254386481536567,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511924833532363,1.4388545751571655,1.5092127919197083,0.548264075466927,3.890091488758723,4.682543754577637 +3.1352819481908805,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511924833532363,1.4388545751571655,1.5092127919197083,0.548264075466927,3.890091488758723,4.682543754577637 +3.0997709168765035,2.153087852966218,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.153087852966218,1.7963494062423706,1.8458511680364609,0.5698566620654248,4.379643062750499,5.326312923431393 +3.1757447695000818,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.153087852966218,1.7963494062423706,1.8458511680364609,0.5698566620654248,4.379643062750499,5.326312923431393 +3.3542494117663213,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.153087852966218,1.7963494062423706,1.8458511680364609,0.5698566620654248,4.379643062750499,5.326312923431393 +3.2895325555768364,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.153087852966218,1.7963494062423706,1.8458511680364609,0.5698566620654248,4.379643062750499,5.326312923431393 +3.4351462756620235,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.153087852966218,1.7963494062423706,1.8458511680364609,0.5698566620654248,4.379643062750499,5.326312923431393 +3.2388669513264245,1.9222959808256261,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222959808256261,1.4912160634994507,1.5748661905527115,0.5458669643452827,3.9770149836937585,5.345679950714111 +3.191038120410216,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222959808256261,1.4912160634994507,1.5748661905527115,0.5458669643452827,3.9770149836937585,5.345679950714111 +3.259117318371355,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222959808256261,1.4912160634994507,1.5748661905527115,0.5458669643452827,3.9770149836937585,5.345679950714111 +3.2822287567844493,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222959808256261,1.4912160634994507,1.5748661905527115,0.5458669643452827,3.9770149836937585,5.345679950714111 +3.245437135718429,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222959808256261,1.4912160634994507,1.5748661905527115,0.5458669643452827,3.9770149836937585,5.345679950714111 +3.0676750943929663,2.657262241714215,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.657262241714215,2.2280921936035156,2.2953634560108185,0.8989342971050993,5.156245976686478,6.284498310089111 +3.290227770215603,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.657262241714215,2.2280921936035156,2.2953634560108185,0.8989342971050993,5.156245976686478,6.284498310089111 +3.3355259509231296,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.657262241714215,2.2280921936035156,2.2953634560108185,0.8989342971050993,5.156245976686478,6.284498310089111 +3.0925881555967405,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.657262241714215,2.2280921936035156,2.2953634560108185,0.8989342971050993,5.156245976686478,6.284498310089111 +3.3541885145932513,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.657262241714215,2.2280921936035156,2.2953634560108185,0.8989342971050993,5.156245976686478,6.284498310089111 +3.108390569706548,2.039778643775554,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.039778643775554,1.5657308101654053,1.7060856372117996,0.6580708684756401,4.212401166558266,5.000213909149167 +3.2542609359115597,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.039778643775554,1.5657308101654053,1.7060856372117996,0.6580708684756401,4.212401166558266,5.000213909149167 +3.3030543186576513,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.039778643775554,1.5657308101654053,1.7060856372117996,0.6580708684756401,4.212401166558266,5.000213909149167 +3.0646385468326334,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.039778643775554,1.5657308101654053,1.7060856372117996,0.6580708684756401,4.212401166558266,5.000213909149167 +3.5487999675456328,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.039778643775554,1.5657308101654053,1.7060856372117996,0.6580708684756401,4.212401166558266,5.000213909149167 +3.4749881994755727,1.9392207924020353,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9392207924020353,1.3748701810836792,1.5049623399972916,0.47971509618962066,4.408786381284396,5.633812046051023 +2.9749537398522636,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9392207924020353,1.3748701810836792,1.5049623399972916,0.47971509618962066,4.408786381284396,5.633812046051023 +3.1941673206190004,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9392207924020353,1.3748701810836792,1.5049623399972916,0.47971509618962066,4.408786381284396,5.633812046051023 +3.1584583878281247,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9392207924020353,1.3748701810836792,1.5049623399972916,0.47971509618962066,4.408786381284396,5.633812046051023 +3.102029477661392,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9392207924020353,1.3748701810836792,1.5049623399972916,0.47971509618962066,4.408786381284396,5.633812046051023 +3.1250831792253932,2.177114223952962,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.177114223952962,1.7913309335708618,1.8686951100826263,0.6447517959044334,4.275084113081296,5.520367050170897 +3.0121532482018885,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.177114223952962,1.7913309335708618,1.8686951100826263,0.6447517959044334,4.275084113081296,5.520367050170897 +3.1243705933122334,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.177114223952962,1.7913309335708618,1.8686951100826263,0.6447517959044334,4.275084113081296,5.520367050170897 +3.1045404699948027,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.177114223952962,1.7913309335708618,1.8686951100826263,0.6447517959044334,4.275084113081296,5.520367050170897 +3.35220574687842,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.177114223952962,1.7913309335708618,1.8686951100826263,0.6447517959044334,4.275084113081296,5.520367050170897 +3.307706915667787,1.9862769438081949,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9862769438081949,1.4650020599365234,1.6367594003677368,0.6143455415012988,4.2974016318718595,5.444346141815185 +3.451845075925296,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9862769438081949,1.4650020599365234,1.6367594003677368,0.6143455415012988,4.2974016318718595,5.444346141815185 +3.309173556324832,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9862769438081949,1.4650020599365234,1.6367594003677368,0.6143455415012988,4.2974016318718595,5.444346141815185 +3.150149956306241,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9862769438081949,1.4650020599365234,1.6367594003677368,0.6143455415012988,4.2974016318718595,5.444346141815185 +3.1528005910187096,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9862769438081949,1.4650020599365234,1.6367594003677368,0.6143455415012988,4.2974016318718595,5.444346141815185 +3.239885742046273,1.8651375190685036,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8651375190685036,1.4782994985580444,1.5676043629646301,0.5994496968515376,3.8063905239105225,4.121840000152588 +3.379289129301709,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8651375190685036,1.4782994985580444,1.5676043629646301,0.5994496968515376,3.8063905239105225,4.121840000152588 +3.422661601868028,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8651375190685036,1.4782994985580444,1.5676043629646301,0.5994496968515376,3.8063905239105225,4.121840000152588 +3.0706645074769816,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8651375190685036,1.4782994985580444,1.5676043629646301,0.5994496968515376,3.8063905239105225,4.121840000152588 +3.2982233571267066,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8651375190685036,1.4782994985580444,1.5676043629646301,0.5994496968515376,3.8063905239105225,4.121840000152588 +3.345697932358153,2.3613755955267206,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3613755955267206,1.998998999595642,2.020143151283264,0.7437807803458356,4.634951730569203,5.659605598449707 +3.046571143738198,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3613755955267206,1.998998999595642,2.020143151283264,0.7437807803458356,4.634951730569203,5.659605598449707 +3.1557501986976666,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3613755955267206,1.998998999595642,2.020143151283264,0.7437807803458356,4.634951730569203,5.659605598449707 +3.404588610346682,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3613755955267206,1.998998999595642,2.020143151283264,0.7437807803458356,4.634951730569203,5.659605598449707 +3.3181759061827507,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3613755955267206,1.998998999595642,2.020143151283264,0.7437807803458356,4.634951730569203,5.659605598449707 +3.3170478326270953,3.0613660169026207,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.0613660169026207,2.705662965774536,2.822694182395935,1.6889573310283905,4.976879432797432,5.597104835510254 +3.233155472179516,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.0613660169026207,2.705662965774536,2.822694182395935,1.6889573310283905,4.976879432797432,5.597104835510254 +3.1565614518240133,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.0613660169026207,2.705662965774536,2.822694182395935,1.6889573310283905,4.976879432797432,5.597104835510254 +3.2202793596641683,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.0613660169026207,2.705662965774536,2.822694182395935,1.6889573310283905,4.976879432797432,5.597104835510254 +3.2421678314894673,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.0613660169026207,2.705662965774536,2.822694182395935,1.6889573310283905,4.976879432797432,5.597104835510254 +3.139515301954778,2.3722702852948,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3722702852948,1.941787838935852,2.0759465992450714,1.0138692735357488,4.394045382738113,5.211017036437989 +3.089144301544236,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3722702852948,1.941787838935852,2.0759465992450714,1.0138692735357488,4.394045382738113,5.211017036437989 +3.4075990029681957,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3722702852948,1.941787838935852,2.0759465992450714,1.0138692735357488,4.394045382738113,5.211017036437989 +3.112016272340412,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3722702852948,1.941787838935852,2.0759465992450714,1.0138692735357488,4.394045382738113,5.211017036437989 +3.2992659840821275,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3722702852948,1.941787838935852,2.0759465992450714,1.0138692735357488,4.394045382738113,5.211017036437989 +3.319998018836755,2.184999979914181,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.184999979914181,1.8114293813705444,1.9018005430698395,0.9316081236651603,4.040018742283185,4.788683319091797 +3.2398280162845876,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.184999979914181,1.8114293813705444,1.9018005430698395,0.9316081236651603,4.040018742283185,4.788683319091797 +3.113268568698995,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.184999979914181,1.8114293813705444,1.9018005430698395,0.9316081236651603,4.040018742283185,4.788683319091797 +3.3137181226685053,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.184999979914181,1.8114293813705444,1.9018005430698395,0.9316081236651603,4.040018742283185,4.788683319091797 +3.065978659331641,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.184999979914181,1.8114293813705444,1.9018005430698395,0.9316081236651603,4.040018742283185,4.788683319091797 +3.308637518484863,2.3222443842225604,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3222443842225604,1.7905659675598145,1.8388283848762512,0.7424906768063282,4.870550319552422,6.164690113067627 +3.2741607648558855,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3222443842225604,1.7905659675598145,1.8388283848762512,0.7424906768063282,4.870550319552422,6.164690113067627 +3.158405390924388,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3222443842225604,1.7905659675598145,1.8388283848762512,0.7424906768063282,4.870550319552422,6.164690113067627 +3.3187295588465666,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3222443842225604,1.7905659675598145,1.8388283848762512,0.7424906768063282,4.870550319552422,6.164690113067627 +3.027303829081455,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3222443842225604,1.7905659675598145,1.8388283848762512,0.7424906768063282,4.870550319552422,6.164690113067627 +3.251212159845005,2.2993662399116648,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2993662399116648,2.0328807830810547,2.059232145547867,0.6372492050236844,4.502015416820844,5.469295215606689 +3.2448988928801152,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2993662399116648,2.0328807830810547,2.059232145547867,0.6372492050236844,4.502015416820844,5.469295215606689 +3.2060473852429667,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2993662399116648,2.0328807830810547,2.059232145547867,0.6372492050236844,4.502015416820844,5.469295215606689 +3.5549618304562127,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2993662399116648,2.0328807830810547,2.059232145547867,0.6372492050236844,4.502015416820844,5.469295215606689 +2.8947874407694334,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2993662399116648,2.0328807830810547,2.059232145547867,0.6372492050236844,4.502015416820844,5.469295215606689 +3.3113442152974475,2.037483595705852,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.037483595705852,1.5272624492645264,1.6544755101203918,0.5114371638665808,4.403926859299342,5.454043960571289 +3.270243188361379,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.037483595705852,1.5272624492645264,1.6544755101203918,0.5114371638665808,4.403926859299342,5.454043960571289 +3.124907378588943,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.037483595705852,1.5272624492645264,1.6544755101203918,0.5114371638665808,4.403926859299342,5.454043960571289 +3.307795130640347,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.037483595705852,1.5272624492645264,1.6544755101203918,0.5114371638665808,4.403926859299342,5.454043960571289 +3.1980034278651654,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.037483595705852,1.5272624492645264,1.6544755101203918,0.5114371638665808,4.403926859299342,5.454043960571289 +3.135328268627378,2.1968172009659823,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1968172009659823,1.8111051321029663,1.8322321474552155,0.8217808629604096,4.345932319760323,5.450597476959228 +3.163396416404002,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1968172009659823,1.8111051321029663,1.8322321474552155,0.8217808629604096,4.345932319760323,5.450597476959228 +3.072462550489758,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1968172009659823,1.8111051321029663,1.8322321474552155,0.8217808629604096,4.345932319760323,5.450597476959228 +3.1886579526052627,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1968172009659823,1.8111051321029663,1.8322321474552155,0.8217808629604096,4.345932319760323,5.450597476959228 +3.1450674586725422,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1968172009659823,1.8111051321029663,1.8322321474552155,0.8217808629604096,4.345932319760323,5.450597476959228 +3.2088469102939388,2.0284742615210316,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0284742615210316,1.6247376203536987,1.6714128702878952,0.4996889804271942,4.292859822511673,5.423351478576658 +3.2562337361649663,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0284742615210316,1.6247376203536987,1.6714128702878952,0.4996889804271942,4.292859822511673,5.423351478576658 +3.2784922815918294,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0284742615210316,1.6247376203536987,1.6714128702878952,0.4996889804271942,4.292859822511673,5.423351478576658 +3.0793241878927224,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0284742615210316,1.6247376203536987,1.6714128702878952,0.4996889804271942,4.292859822511673,5.423351478576658 +3.385187013325402,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0284742615210316,1.6247376203536987,1.6714128702878952,0.4996889804271942,4.292859822511673,5.423351478576658 +3.105229541089258,1.9350849904080547,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9350849904080547,1.433677077293396,1.5504254400730133,0.6514127875896211,4.035645032922427,4.976987743377685 +3.1797698730489823,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9350849904080547,1.433677077293396,1.5504254400730133,0.6514127875896211,4.035645032922427,4.976987743377685 +3.0131545518782965,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9350849904080547,1.433677077293396,1.5504254400730133,0.6514127875896211,4.035645032922427,4.976987743377685 +3.1999263617954656,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9350849904080547,1.433677077293396,1.5504254400730133,0.6514127875896211,4.035645032922427,4.976987743377685 +3.2204705033854317,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9350849904080547,1.433677077293396,1.5504254400730133,0.6514127875896211,4.035645032922427,4.976987743377685 +3.2066580610138447,3.022057078305691,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.022057078305691,2.5793676376342773,2.6588496565818787,1.3394789332722097,5.463581720987956,6.769301509857177 +3.182620681488105,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.022057078305691,2.5793676376342773,2.6588496565818787,1.3394789332722097,5.463581720987956,6.769301509857177 +3.23994827614532,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.022057078305691,2.5793676376342773,2.6588496565818787,1.3394789332722097,5.463581720987956,6.769301509857177 +3.2285272778653216,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.022057078305691,2.5793676376342773,2.6588496565818787,1.3394789332722097,5.463581720987956,6.769301509857177 +3.196423395327968,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.022057078305691,2.5793676376342773,2.6588496565818787,1.3394789332722097,5.463581720987956,6.769301509857177 +3.079290765374506,2.04546769113137,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.04546769113137,1.434768795967102,1.5824826061725616,0.5568397108544695,4.507349207997322,5.5216533660888665 +3.204602824843496,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.04546769113137,1.434768795967102,1.5824826061725616,0.5568397108544695,4.507349207997322,5.5216533660888665 +2.964158054274116,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.04546769113137,1.434768795967102,1.5824826061725616,0.5568397108544695,4.507349207997322,5.5216533660888665 +2.9461877115444333,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.04546769113137,1.434768795967102,1.5824826061725616,0.5568397108544695,4.507349207997322,5.5216533660888665 +3.079991586211489,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.04546769113137,1.434768795967102,1.5824826061725616,0.5568397108544695,4.507349207997322,5.5216533660888665 +2.900939205528721,1.946224174447476,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.946224174447476,1.4632645845413208,1.5639472752809525,0.5603989703541107,4.174525757630666,5.055801010131836 +3.001272856913959,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.946224174447476,1.4632645845413208,1.5639472752809525,0.5603989703541107,4.174525757630666,5.055801010131836 +3.0643461682000703,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.946224174447476,1.4632645845413208,1.5639472752809525,0.5603989703541107,4.174525757630666,5.055801010131836 +3.2280324860267084,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.946224174447476,1.4632645845413208,1.5639472752809525,0.5603989703541107,4.174525757630666,5.055801010131836 +3.2112789032563054,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.946224174447476,1.4632645845413208,1.5639472752809525,0.5603989703541107,4.174525757630666,5.055801010131836 +3.2633676814175847,2.5377990991350203,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5377990991350203,2.2638211250305176,2.28098726272583,1.2335023702459131,4.343187441428502,5.022575759887694 +3.111928654986982,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5377990991350203,2.2638211250305176,2.28098726272583,1.2335023702459131,4.343187441428502,5.022575759887694 +3.2283565616308856,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5377990991350203,2.2638211250305176,2.28098726272583,1.2335023702459131,4.343187441428502,5.022575759887694 +3.17243963436747,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5377990991350203,2.2638211250305176,2.28098726272583,1.2335023702459131,4.343187441428502,5.022575759887694 +3.2289390594435554,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5377990991350203,2.2638211250305176,2.28098726272583,1.2335023702459131,4.343187441428502,5.022575759887694 +3.050344392696597,3.4266951557189698,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.4266951557189698,3.1572794914245605,3.124826431274414,1.4301571769917265,6.099878321091334,7.554597187042235 +3.2737466148776555,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.4266951557189698,3.1572794914245605,3.124826431274414,1.4301571769917265,6.099878321091334,7.554597187042235 +3.0938541562072834,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.4266951557189698,3.1572794914245605,3.124826431274414,1.4301571769917265,6.099878321091334,7.554597187042235 +3.111334606572632,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.4266951557189698,3.1572794914245605,3.124826431274414,1.4301571769917265,6.099878321091334,7.554597187042235 +3.2572183458031323,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.4266951557189698,3.1572794914245605,3.124826431274414,1.4301571769917265,6.099878321091334,7.554597187042235 +3.4385079718084324,2.1515479124096966,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1515479124096966,1.8510777950286865,1.9052450060844421,0.937070665841407,3.9203666299581528,4.730711746215819 +3.465620175102298,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1515479124096966,1.8510777950286865,1.9052450060844421,0.937070665841407,3.9203666299581528,4.730711746215819 +3.155018588208586,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1515479124096966,1.8510777950286865,1.9052450060844421,0.937070665841407,3.9203666299581528,4.730711746215819 +3.372647833128246,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1515479124096966,1.8510777950286865,1.9052450060844421,0.937070665841407,3.9203666299581528,4.730711746215819 +3.131742300293691,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1515479124096966,1.8510777950286865,1.9052450060844421,0.937070665841407,3.9203666299581528,4.730711746215819 +2.988929261593517,1.9228471465527066,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9228471465527066,1.4210641384124756,1.5026466101408005,0.43548467248044115,4.295013979077339,5.5959719657897935 +3.1910085209048202,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9228471465527066,1.4210641384124756,1.5026466101408005,0.43548467248044115,4.295013979077339,5.5959719657897935 +3.275747280774299,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9228471465527066,1.4210641384124756,1.5026466101408005,0.43548467248044115,4.295013979077339,5.5959719657897935 +3.476496024858354,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9228471465527066,1.4210641384124756,1.5026466101408005,0.43548467248044115,4.295013979077339,5.5959719657897935 +3.185826944722978,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9228471465527066,1.4210641384124756,1.5026466101408005,0.43548467248044115,4.295013979077339,5.5959719657897935 +3.1929815675581668,2.0042287129021825,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0042287129021825,1.65374755859375,1.6988130509853363,0.5499330564065182,4.08281450966994,4.977069759368896 +3.4954764172434807,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0042287129021825,1.65374755859375,1.6988130509853363,0.5499330564065182,4.08281450966994,4.977069759368896 +3.678353621297587,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0042287129021825,1.65374755859375,1.6988130509853363,0.5499330564065182,4.08281450966994,4.977069759368896 +3.262384856557154,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0042287129021825,1.65374755859375,1.6988130509853363,0.5499330564065182,4.08281450966994,4.977069759368896 +3.0994334277109608,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0042287129021825,1.65374755859375,1.6988130509853363,0.5499330564065182,4.08281450966994,4.977069759368896 +3.3134864553769847,3.117750173207944,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.117750173207944,2.68656849861145,2.7863677740097046,1.8406134780417098,5.099103589852651,5.9462420463562 +3.258354372234332,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.117750173207944,2.68656849861145,2.7863677740097046,1.8406134780417098,5.099103589852651,5.9462420463562 +3.2117562763255316,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.117750173207944,2.68656849861145,2.7863677740097046,1.8406134780417098,5.099103589852651,5.9462420463562 +3.2299573279543727,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.117750173207944,2.68656849861145,2.7863677740097046,1.8406134780417098,5.099103589852651,5.9462420463562 +3.1413547525030014,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,3.117750173207944,2.68656849861145,2.7863677740097046,1.8406134780417098,5.099103589852651,5.9462420463562 +2.8755361617673043,2.3403665447045885,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3403665447045885,1.8143439292907715,1.9682647287845612,0.7817434307108534,4.757175400853157,5.676035594940186 +3.0700276852597663,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3403665447045885,1.8143439292907715,1.9682647287845612,0.7817434307108534,4.757175400853157,5.676035594940186 +3.02912612845212,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3403665447045885,1.8143439292907715,1.9682647287845612,0.7817434307108534,4.757175400853157,5.676035594940186 +3.3517437584914442,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3403665447045885,1.8143439292907715,1.9682647287845612,0.7817434307108534,4.757175400853157,5.676035594940186 +3.21319838782335,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3403665447045885,1.8143439292907715,1.9682647287845612,0.7817434307108534,4.757175400853157,5.676035594940186 +3.218470935083159,2.4006618009042486,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4006618009042486,1.7766311168670654,1.9445838630199432,0.5472110154780936,5.242231418689092,6.645092296600342 +3.385570771068256,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4006618009042486,1.7766311168670654,1.9445838630199432,0.5472110154780936,5.242231418689092,6.645092296600342 +3.2215782543128273,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4006618009042486,1.7766311168670654,1.9445838630199432,0.5472110154780936,5.242231418689092,6.645092296600342 +3.2774640980488705,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4006618009042486,1.7766311168670654,1.9445838630199432,0.5472110154780936,5.242231418689092,6.645092296600342 +3.3726755910820887,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4006618009042486,1.7766311168670654,1.9445838630199432,0.5472110154780936,5.242231418689092,6.645092296600342 +2.9339879638758686,1.9503436905366403,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9503436905366403,1.604008674621582,1.655367374420166,0.5663104234857762,3.9641901751359305,5.013716602325438 +2.9828671971065703,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9503436905366403,1.604008674621582,1.655367374420166,0.5663104234857762,3.9641901751359305,5.013716602325438 +3.170335629861556,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9503436905366403,1.604008674621582,1.655367374420166,0.5663104234857762,3.9641901751359305,5.013716602325438 +3.0358432291719404,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9503436905366403,1.604008674621582,1.655367374420166,0.5663104234857762,3.9641901751359305,5.013716602325438 +3.273415799151939,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9503436905366403,1.604008674621582,1.655367374420166,0.5663104234857762,3.9641901751359305,5.013716602325438 +3.208443895139606,2.042445997436526,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.042445997436526,1.5476281642913818,1.6064962446689606,0.49772472473535134,4.485319897532463,5.768042182922363 +3.034878613176635,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.042445997436526,1.5476281642913818,1.6064962446689606,0.49772472473535134,4.485319897532463,5.768042182922363 +2.947991664597573,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.042445997436526,1.5476281642913818,1.6064962446689606,0.49772472473535134,4.485319897532463,5.768042182922363 +2.953375771936609,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.042445997436526,1.5476281642913818,1.6064962446689606,0.49772472473535134,4.485319897532463,5.768042182922363 +3.2394711113188386,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.042445997436526,1.5476281642913818,1.6064962446689606,0.49772472473535134,4.485319897532463,5.768042182922363 +3.429785608891447,2.015604424571234,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.015604424571234,1.6327877044677734,1.7193296253681183,0.654853437175142,4.057574619849523,4.904819011688232 +3.3622381059467634,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.015604424571234,1.6327877044677734,1.7193296253681183,0.654853437175142,4.057574619849523,4.904819011688232 +2.991132097520268,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.015604424571234,1.6327877044677734,1.7193296253681183,0.654853437175142,4.057574619849523,4.904819011688232 +3.1095347674981273,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.015604424571234,1.6327877044677734,1.7193296253681183,0.654853437175142,4.057574619849523,4.904819011688232 +3.3011476173996925,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.015604424571234,1.6327877044677734,1.7193296253681183,0.654853437175142,4.057574619849523,4.904819011688232 +3.1778331632507193,2.0104145310700887,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0104145310700887,1.5616008043289185,1.6644252389669418,0.4934804430033298,4.274059469501178,5.609183502197266 +3.2791161256053516,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0104145310700887,1.5616008043289185,1.6644252389669418,0.4934804430033298,4.274059469501178,5.609183502197266 +3.099592309946435,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0104145310700887,1.5616008043289185,1.6644252389669418,0.4934804430033298,4.274059469501178,5.609183502197266 +3.090137519099624,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0104145310700887,1.5616008043289185,1.6644252389669418,0.4934804430033298,4.274059469501178,5.609183502197266 +3.022602513963283,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0104145310700887,1.5616008043289185,1.6644252389669418,0.4934804430033298,4.274059469501178,5.609183502197266 +3.2241811144281187,2.3470217519730485,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3470217519730485,2.1120176315307617,2.1258689165115356,1.0779971849728138,4.160564944148064,4.831302356719971 +3.36212624175017,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3470217519730485,2.1120176315307617,2.1258689165115356,1.0779971849728138,4.160564944148064,4.831302356719971 +3.311835942726022,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3470217519730485,2.1120176315307617,2.1258689165115356,1.0779971849728138,4.160564944148064,4.831302356719971 +3.2835460173108646,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3470217519730485,2.1120176315307617,2.1258689165115356,1.0779971849728138,4.160564944148064,4.831302356719971 +3.3802618930475066,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3470217519730485,2.1120176315307617,2.1258689165115356,1.0779971849728138,4.160564944148064,4.831302356719971 +3.1889303972782432,2.1964532151108696,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1964532151108696,1.856672763824463,1.9626850485801697,0.8522477029485905,4.056985994180043,4.8387888908386225 +3.3550490598172185,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1964532151108696,1.856672763824463,1.9626850485801697,0.8522477029485905,4.056985994180043,4.8387888908386225 +3.4761459325737563,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1964532151108696,1.856672763824463,1.9626850485801697,0.8522477029485905,4.056985994180043,4.8387888908386225 +3.083234761195321,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1964532151108696,1.856672763824463,1.9626850485801697,0.8522477029485905,4.056985994180043,4.8387888908386225 +3.171893381801161,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1964532151108696,1.856672763824463,1.9626850485801697,0.8522477029485905,4.056985994180043,4.8387888908386225 +3.011196897436415,2.48877559913687,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.48877559913687,1.9207096099853516,1.999590516090393,0.5995752743266999,5.320340623458226,6.672208023071288 +3.2496661347850644,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.48877559913687,1.9207096099853516,1.999590516090393,0.5995752743266999,5.320340623458226,6.672208023071288 +3.058019193818198,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.48877559913687,1.9207096099853516,1.999590516090393,0.5995752743266999,5.320340623458226,6.672208023071288 +3.199136904625119,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.48877559913687,1.9207096099853516,1.999590516090393,0.5995752743266999,5.320340623458226,6.672208023071288 +3.08541997691179,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.48877559913687,1.9207096099853516,1.999590516090393,0.5995752743266999,5.320340623458226,6.672208023071288 +3.341940486985492,2.2431025503094864,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2431025503094864,1.9053645133972168,1.9300324618816376,0.6896845195838746,4.390224407116572,5.5100391387939425 +2.91043384559944,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2431025503094864,1.9053645133972168,1.9300324618816376,0.6896845195838746,4.390224407116572,5.5100391387939425 +3.076846330040835,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2431025503094864,1.9053645133972168,1.9300324618816376,0.6896845195838746,4.390224407116572,5.5100391387939425 +3.1371019641846654,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2431025503094864,1.9053645133972168,1.9300324618816376,0.6896845195838746,4.390224407116572,5.5100391387939425 +3.317629612038664,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2431025503094864,1.9053645133972168,1.9300324618816376,0.6896845195838746,4.390224407116572,5.5100391387939425 +3.0063658458104547,2.285263672707573,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.285263672707573,1.8383469581604004,1.9562103152275085,0.8352492971623198,4.417026335994403,5.257970237731932 +3.1687030324166874,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.285263672707573,1.8383469581604004,1.9562103152275085,0.8352492971623198,4.417026335994403,5.257970237731932 +3.3535720885075175,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.285263672707573,1.8383469581604004,1.9562103152275085,0.8352492971623198,4.417026335994403,5.257970237731932 +3.312315206709355,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.285263672707573,1.8383469581604004,1.9562103152275085,0.8352492971623198,4.417026335994403,5.257970237731932 +3.502683636852808,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.285263672707573,1.8383469581604004,1.9562103152275085,0.8352492971623198,4.417026335994403,5.257970237731932 +3.057000551657815,2.336371129625058,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.336371129625058,1.7499947547912598,1.9144962131977081,0.7570319727380225,4.785694594184558,6.368785572052001 +3.245669908369437,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.336371129625058,1.7499947547912598,1.9144962131977081,0.7570319727380225,4.785694594184558,6.368785572052001 +3.5618816911387885,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.336371129625058,1.7499947547912598,1.9144962131977081,0.7570319727380225,4.785694594184558,6.368785572052001 +3.2398007320618567,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.336371129625058,1.7499947547912598,1.9144962131977081,0.7570319727380225,4.785694594184558,6.368785572052001 +2.9879835965529598,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.336371129625058,1.7499947547912598,1.9144962131977081,0.7570319727380225,4.785694594184558,6.368785572052001 +3.2165375655040265,1.9734041835895921,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9734041835895921,1.5040216445922852,1.5615896135568619,0.6645247061201867,4.1366139352321625,5.243142890930175 +3.290318819219959,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9734041835895921,1.5040216445922852,1.5615896135568619,0.6645247061201867,4.1366139352321625,5.243142890930175 +3.192170080161189,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9734041835895921,1.5040216445922852,1.5615896135568619,0.6645247061201867,4.1366139352321625,5.243142890930175 +3.243737548235853,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9734041835895921,1.5040216445922852,1.5615896135568619,0.6645247061201867,4.1366139352321625,5.243142890930175 +2.9967536107885175,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9734041835895921,1.5040216445922852,1.5615896135568619,0.6645247061201867,4.1366139352321625,5.243142890930175 +3.050071030186789,2.1520418967440644,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1520418967440644,1.6412752866744995,1.8582612574100494,0.7833201877297239,4.343767235676448,5.0573208808898915 +3.032232724228446,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1520418967440644,1.6412752866744995,1.8582612574100494,0.7833201877297239,4.343767235676448,5.0573208808898915 +3.188689957783216,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1520418967440644,1.6412752866744995,1.8582612574100494,0.7833201877297239,4.343767235676448,5.0573208808898915 +3.2894677828437104,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1520418967440644,1.6412752866744995,1.8582612574100494,0.7833201877297239,4.343767235676448,5.0573208808898915 +3.290504831987824,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1520418967440644,1.6412752866744995,1.8582612574100494,0.7833201877297239,4.343767235676448,5.0573208808898915 +3.2479768042160213,1.99222168740299,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.99222168740299,1.6301486492156982,1.6813563257455826,0.5918021869469197,4.05581721663475,5.107298088073729 +3.1165302926993936,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.99222168740299,1.6301486492156982,1.6813563257455826,0.5918021869469197,4.05581721663475,5.107298088073729 +3.261976365992765,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.99222168740299,1.6301486492156982,1.6813563257455826,0.5918021869469197,4.05581721663475,5.107298088073729 +3.0624977382474965,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.99222168740299,1.6301486492156982,1.6813563257455826,0.5918021869469197,4.05581721663475,5.107298088073729 +3.2918325844650846,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.99222168740299,1.6301486492156982,1.6813563257455826,0.5918021869469197,4.05581721663475,5.107298088073729 +3.149377854624493,2.0871325013025728,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0871325013025728,1.6413944959640503,1.740862786769867,0.7380956693532619,4.156463066736857,5.0431353569030755 +2.9854001244014046,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0871325013025728,1.6413944959640503,1.740862786769867,0.7380956693532619,4.156463066736857,5.0431353569030755 +3.3762225913262305,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0871325013025728,1.6413944959640503,1.740862786769867,0.7380956693532619,4.156463066736857,5.0431353569030755 +3.24314351531242,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0871325013025728,1.6413944959640503,1.740862786769867,0.7380956693532619,4.156463066736857,5.0431353569030755 +2.9871752733920056,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0871325013025728,1.6413944959640503,1.740862786769867,0.7380956693532619,4.156463066736857,5.0431353569030755 +3.007566012284844,1.978149980740257,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.978149980740257,1.568477988243103,1.6238136440515518,0.5013266889021751,4.188427264491717,5.100179004669189 +3.368331572153952,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.978149980740257,1.568477988243103,1.6238136440515518,0.5013266889021751,4.188427264491717,5.100179004669189 +3.0520598050157752,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.978149980740257,1.568477988243103,1.6238136440515518,0.5013266889021751,4.188427264491717,5.100179004669189 +2.974244610458062,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.978149980740257,1.568477988243103,1.6238136440515518,0.5013266889021751,4.188427264491717,5.100179004669189 +3.166263305338832,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.978149980740257,1.568477988243103,1.6238136440515518,0.5013266889021751,4.188427264491717,5.100179004669189 +3.015096076402941,1.9839372268271824,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9839372268271824,1.4125003814697266,1.5749233067035675,0.5359474303240471,4.229668110609055,5.577903747558592 +3.0352147478502154,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9839372268271824,1.4125003814697266,1.5749233067035675,0.5359474303240471,4.229668110609055,5.577903747558592 +2.9312989253717867,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9839372268271824,1.4125003814697266,1.5749233067035675,0.5359474303240471,4.229668110609055,5.577903747558592 +3.25927577706393,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9839372268271824,1.4125003814697266,1.5749233067035675,0.5359474303240471,4.229668110609055,5.577903747558592 +3.24995316934617,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9839372268271824,1.4125003814697266,1.5749233067035675,0.5359474303240471,4.229668110609055,5.577903747558592 +3.2555657940324503,2.0496653056255094,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0496653056255094,1.5593434572219849,1.7401092648506165,0.5630617444502547,4.3377115825812025,5.2148209571838375 +3.2783727538145313,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0496653056255094,1.5593434572219849,1.7401092648506165,0.5630617444502547,4.3377115825812025,5.2148209571838375 +3.093830861819608,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0496653056255094,1.5593434572219849,1.7401092648506165,0.5630617444502547,4.3377115825812025,5.2148209571838375 +3.405162152207621,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0496653056255094,1.5593434572219849,1.7401092648506165,0.5630617444502547,4.3377115825812025,5.2148209571838375 +3.365556263966894,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0496653056255094,1.5593434572219849,1.7401092648506165,0.5630617444502547,4.3377115825812025,5.2148209571838375 +3.1019046667540606,2.134633209812578,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.134633209812578,1.5795433521270752,1.70521879196167,0.8358512552494698,4.315961226820946,5.607140159606932 +3.3108959766325974,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.134633209812578,1.5795433521270752,1.70521879196167,0.8358512552494698,4.315961226820946,5.607140159606932 +3.2287711845735445,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.134633209812578,1.5795433521270752,1.70521879196167,0.8358512552494698,4.315961226820946,5.607140159606932 +3.232992772455266,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.134633209812578,1.5795433521270752,1.70521879196167,0.8358512552494698,4.315961226820946,5.607140159606932 +2.9614037704853082,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.134633209812578,1.5795433521270752,1.70521879196167,0.8358512552494698,4.315961226820946,5.607140159606932 +3.166023858658242,2.705083898135594,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.705083898135594,2.4720346927642822,2.5165088772773743,1.0669723267250872,4.6929621795813246,5.40270709991455 +2.9830427548226393,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.705083898135594,2.4720346927642822,2.5165088772773743,1.0669723267250872,4.6929621795813246,5.40270709991455 +3.44682878963551,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.705083898135594,2.4720346927642822,2.5165088772773743,1.0669723267250872,4.6929621795813246,5.40270709991455 +3.2607688993844635,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.705083898135594,2.4720346927642822,2.5165088772773743,1.0669723267250872,4.6929621795813246,5.40270709991455 +3.006755118634267,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.705083898135594,2.4720346927642822,2.5165088772773743,1.0669723267250872,4.6929621795813246,5.40270709991455 +3.1423608621970645,2.2414588317196205,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2414588317196205,1.8314143419265747,1.969842255115509,0.6590059415457097,4.45534460246563,5.312952899932862 +3.0741911227753422,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2414588317196205,1.8314143419265747,1.969842255115509,0.6590059415457097,4.45534460246563,5.312952899932862 +3.1942748352492076,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2414588317196205,1.8314143419265747,1.969842255115509,0.6590059415457097,4.45534460246563,5.312952899932862 +2.9941605546150485,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2414588317196205,1.8314143419265747,1.969842255115509,0.6590059415457097,4.45534460246563,5.312952899932862 +3.13357564688987,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2414588317196205,1.8314143419265747,1.969842255115509,0.6590059415457097,4.45534460246563,5.312952899932862 +3.2314626286715504,1.9222231331483397,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222231331483397,1.4511783123016357,1.529146671295166,0.5187138512413553,4.136693427960078,5.290674304962158 +3.2212967828584533,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222231331483397,1.4511783123016357,1.529146671295166,0.5187138512413553,4.136693427960078,5.290674304962158 +3.0996149697569555,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222231331483397,1.4511783123016357,1.529146671295166,0.5187138512413553,4.136693427960078,5.290674304962158 +3.072560753978022,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222231331483397,1.4511783123016357,1.529146671295166,0.5187138512413553,4.136693427960078,5.290674304962158 +2.9960072816479806,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9222231331483397,1.4511783123016357,1.529146671295166,0.5187138512413553,4.136693427960078,5.290674304962158 +3.0608376427148136,2.030905733151095,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.030905733151095,1.6879481077194214,1.697654813528061,0.6526011740590664,4.092772806684176,5.378316307067871 +3.3037978668444077,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.030905733151095,1.6879481077194214,1.697654813528061,0.6526011740590664,4.092772806684176,5.378316307067871 +3.135067905100323,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.030905733151095,1.6879481077194214,1.697654813528061,0.6526011740590664,4.092772806684176,5.378316307067871 +3.0939230605920574,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.030905733151095,1.6879481077194214,1.697654813528061,0.6526011740590664,4.092772806684176,5.378316307067871 +3.2805219344342604,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.030905733151095,1.6879481077194214,1.697654813528061,0.6526011740590664,4.092772806684176,5.378316307067871 +3.223375738433766,1.8511278734557213,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511278734557213,1.393250584602356,1.4966794550418854,0.6094883127098388,3.8737438867489495,4.814585781097412 +3.0311484744570816,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511278734557213,1.393250584602356,1.4966794550418854,0.6094883127098388,3.8737438867489495,4.814585781097412 +3.0564271069493016,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511278734557213,1.393250584602356,1.4966794550418854,0.6094883127098388,3.8737438867489495,4.814585781097412 +3.1095146103553217,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511278734557213,1.393250584602356,1.4966794550418854,0.6094883127098388,3.8737438867489495,4.814585781097412 +3.084070225858122,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8511278734557213,1.393250584602356,1.4966794550418854,0.6094883127098388,3.8737438867489495,4.814585781097412 +3.3881587321258158,2.5224633125401046,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5224633125401046,2.092841386795044,2.2033953964710236,0.9742494631320873,4.68530244131883,5.382195663452148 +3.126775446836898,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5224633125401046,2.092841386795044,2.2033953964710236,0.9742494631320873,4.68530244131883,5.382195663452148 +3.2951984381141006,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5224633125401046,2.092841386795044,2.2033953964710236,0.9742494631320873,4.68530244131883,5.382195663452148 +3.1038478439708186,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5224633125401046,2.092841386795044,2.2033953964710236,0.9742494631320873,4.68530244131883,5.382195663452148 +2.987374365644279,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5224633125401046,2.092841386795044,2.2033953964710236,0.9742494631320873,4.68530244131883,5.382195663452148 +3.1609352214905706,1.9816111711361422,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9816111711361422,1.3825346231460571,1.5255367010831833,0.4696854811082495,4.454584057132403,5.682319545745849 +3.0166613728122535,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9816111711361422,1.3825346231460571,1.5255367010831833,0.4696854811082495,4.454584057132403,5.682319545745849 +3.0779999897355768,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9816111711361422,1.3825346231460571,1.5255367010831833,0.4696854811082495,4.454584057132403,5.682319545745849 +2.856100200053727,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9816111711361422,1.3825346231460571,1.5255367010831833,0.4696854811082495,4.454584057132403,5.682319545745849 +3.150841075307776,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9816111711361422,1.3825346231460571,1.5255367010831833,0.4696854811082495,4.454584057132403,5.682319545745849 +3.2191560386943,2.0227119598202603,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0227119598202603,1.5796672105789185,1.6665828973054886,0.5507321879267693,4.227549567818642,5.073569393157959 +3.2823563541696066,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0227119598202603,1.5796672105789185,1.6665828973054886,0.5507321879267693,4.227549567818642,5.073569393157959 +2.958733400442984,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0227119598202603,1.5796672105789185,1.6665828973054886,0.5507321879267693,4.227549567818642,5.073569393157959 +3.2203140354919246,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0227119598202603,1.5796672105789185,1.6665828973054886,0.5507321879267693,4.227549567818642,5.073569393157959 +3.3251849426285887,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0227119598202603,1.5796672105789185,1.6665828973054886,0.5507321879267693,4.227549567818642,5.073569393157959 +3.260121190709143,1.938905174454684,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.938905174454684,1.4314916133880615,1.572414830327034,0.6193731541329242,4.127892901500066,5.004638671875 +3.2620838856948713,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.938905174454684,1.4314916133880615,1.572414830327034,0.6193731541329242,4.127892901500066,5.004638671875 +3.0297889741712636,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.938905174454684,1.4314916133880615,1.572414830327034,0.6193731541329242,4.127892901500066,5.004638671875 +3.118900498252431,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.938905174454684,1.4314916133880615,1.572414830327034,0.6193731541329242,4.127892901500066,5.004638671875 +3.099028635760253,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.938905174454684,1.4314916133880615,1.572414830327034,0.6193731541329242,4.127892901500066,5.004638671875 +3.151879842213716,1.8758524911744254,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8758524911744254,1.4526610374450684,1.5170456916093826,0.47877443217216653,4.0386128226916,4.98091869354248 +3.0325343715995157,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8758524911744254,1.4526610374450684,1.5170456916093826,0.47877443217216653,4.0386128226916,4.98091869354248 +3.162918580691072,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8758524911744254,1.4526610374450684,1.5170456916093826,0.47877443217216653,4.0386128226916,4.98091869354248 +3.1328551028130236,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8758524911744254,1.4526610374450684,1.5170456916093826,0.47877443217216653,4.0386128226916,4.98091869354248 +2.943040950454791,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8758524911744254,1.4526610374450684,1.5170456916093826,0.47877443217216653,4.0386128226916,4.98091869354248 +2.9841678668019953,2.099909575094306,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.099909575094306,1.6372162103652954,1.7302002161741257,0.5541523525372465,4.404996633529663,5.485624313354491 +2.9427361850255713,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.099909575094306,1.6372162103652954,1.7302002161741257,0.5541523525372465,4.404996633529663,5.485624313354491 +3.1299184259803754,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.099909575094306,1.6372162103652954,1.7302002161741257,0.5541523525372465,4.404996633529663,5.485624313354491 +3.2511438100271928,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.099909575094306,1.6372162103652954,1.7302002161741257,0.5541523525372465,4.404996633529663,5.485624313354491 +3.059856296293339,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.099909575094306,1.6372162103652954,1.7302002161741257,0.5541523525372465,4.404996633529663,5.485624313354491 +2.99163724208806,2.2010924933606355,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2010924933606355,1.9106982946395874,1.931289553642273,0.8291380395914646,4.088224147756894,5.031721305847165 +3.055725224689632,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2010924933606355,1.9106982946395874,1.931289553642273,0.8291380395914646,4.088224147756894,5.031721305847165 +3.173646656319617,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2010924933606355,1.9106982946395874,1.931289553642273,0.8291380395914646,4.088224147756894,5.031721305847165 +3.092317691854248,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2010924933606355,1.9106982946395874,1.931289553642273,0.8291380395914646,4.088224147756894,5.031721305847165 +2.6353387205534684,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2010924933606355,1.9106982946395874,1.931289553642273,0.8291380395914646,4.088224147756894,5.031721305847165 +3.1448090758400733,2.0362166767082517,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0362166767082517,1.4388545751571655,1.6446865051984787,0.5590259172814958,4.3883218963940935,5.520889854431151 +3.191980671874766,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0362166767082517,1.4388545751571655,1.6446865051984787,0.5590259172814958,4.3883218963940935,5.520889854431151 +3.0827334089730534,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0362166767082517,1.4388545751571655,1.6446865051984787,0.5590259172814958,4.3883218963940935,5.520889854431151 +3.126101277473734,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0362166767082517,1.4388545751571655,1.6446865051984787,0.5590259172814958,4.3883218963940935,5.520889854431151 +3.034045289523683,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0362166767082517,1.4388545751571655,1.6446865051984787,0.5590259172814958,4.3883218963940935,5.520889854431151 +3.15381040683601,2.3789187605103486,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3789187605103486,1.9713953733444214,2.079116463661194,0.9186058063456353,4.509834378957748,5.611215209960937 +3.300437996837269,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3789187605103486,1.9713953733444214,2.079116463661194,0.9186058063456353,4.509834378957748,5.611215209960937 +3.131993215953769,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3789187605103486,1.9713953733444214,2.079116463661194,0.9186058063456353,4.509834378957748,5.611215209960937 +3.1686287822698227,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3789187605103486,1.9713953733444214,2.079116463661194,0.9186058063456353,4.509834378957748,5.611215209960937 +3.3978083033045867,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3789187605103486,1.9713953733444214,2.079116463661194,0.9186058063456353,4.509834378957748,5.611215209960937 +3.1948976546408003,1.8739804287672674,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8739804287672674,1.5579622983932495,1.5950660407543182,0.5011284058081343,3.8118155846993127,4.581840133666992 +3.1505816935077506,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8739804287672674,1.5579622983932495,1.5950660407543182,0.5011284058081343,3.8118155846993127,4.581840133666992 +3.1379743649140197,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8739804287672674,1.5579622983932495,1.5950660407543182,0.5011284058081343,3.8118155846993127,4.581840133666992 +3.0261892427673125,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8739804287672674,1.5579622983932495,1.5950660407543182,0.5011284058081343,3.8118155846993127,4.581840133666992 +2.9188201500786013,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8739804287672674,1.5579622983932495,1.5950660407543182,0.5011284058081343,3.8118155846993127,4.581840133666992 +3.222544525654146,2.0118724753065083,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118724753065083,1.4483436346054077,1.591407597064972,0.5554375986152507,4.355005616943042,5.305508804321288 +3.0753564675360683,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118724753065083,1.4483436346054077,1.591407597064972,0.5554375986152507,4.355005616943042,5.305508804321288 +2.9515576743788645,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118724753065083,1.4483436346054077,1.591407597064972,0.5554375986152507,4.355005616943042,5.305508804321288 +3.1327222798973087,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118724753065083,1.4483436346054077,1.591407597064972,0.5554375986152507,4.355005616943042,5.305508804321288 +2.930940370092606,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118724753065083,1.4483436346054077,1.591407597064972,0.5554375986152507,4.355005616943042,5.305508804321288 +3.1534899525678566,2.4646580551982558,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4646580551982558,2.067627191543579,2.2190665900707245,0.8944051234011955,4.596787800391515,5.266098880767821 +3.283962748453296,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4646580551982558,2.067627191543579,2.2190665900707245,0.8944051234011955,4.596787800391515,5.266098880767821 +3.0774914839926684,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4646580551982558,2.067627191543579,2.2190665900707245,0.8944051234011955,4.596787800391515,5.266098880767821 +3.031233111971444,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4646580551982558,2.067627191543579,2.2190665900707245,0.8944051234011955,4.596787800391515,5.266098880767821 +3.017892649687217,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4646580551982558,2.067627191543579,2.2190665900707245,0.8944051234011955,4.596787800391515,5.266098880767821 +3.0551281816726625,2.0118842459229564,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118842459229564,1.3928290605545044,1.5731056183576584,0.49104902338474354,4.451987594366074,5.769653797149656 +2.8925767310337216,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118842459229564,1.3928290605545044,1.5731056183576584,0.49104902338474354,4.451987594366074,5.769653797149656 +3.0185171919911706,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118842459229564,1.3928290605545044,1.5731056183576584,0.49104902338474354,4.451987594366074,5.769653797149656 +3.0686716077981964,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118842459229564,1.3928290605545044,1.5731056183576584,0.49104902338474354,4.451987594366074,5.769653797149656 +3.1982134218305585,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0118842459229564,1.3928290605545044,1.5731056183576584,0.49104902338474354,4.451987594366074,5.769653797149656 +3.0286033596637068,2.0353836703789296,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0353836703789296,1.6478201150894165,1.7439112812280655,0.5345795140304463,4.1191650331020355,5.1028471946716305 +3.002386090957552,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0353836703789296,1.6478201150894165,1.7439112812280655,0.5345795140304463,4.1191650331020355,5.1028471946716305 +3.2818696054981378,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0353836703789296,1.6478201150894165,1.7439112812280655,0.5345795140304463,4.1191650331020355,5.1028471946716305 +3.1923570071880296,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0353836703789296,1.6478201150894165,1.7439112812280655,0.5345795140304463,4.1191650331020355,5.1028471946716305 +3.052883210491222,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0353836703789296,1.6478201150894165,1.7439112812280655,0.5345795140304463,4.1191650331020355,5.1028471946716305 +3.1907651389808955,2.7232909751316856,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.7232909751316856,2.379239082336426,2.496769964694977,1.533852977955595,4.387715816497803,4.894027328491211 +3.089780306163438,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.7232909751316856,2.379239082336426,2.496769964694977,1.533852977955595,4.387715816497803,4.894027328491211 +3.0243875924743575,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.7232909751316856,2.379239082336426,2.496769964694977,1.533852977955595,4.387715816497803,4.894027328491211 +3.1770952506320143,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.7232909751316856,2.379239082336426,2.496769964694977,1.533852977955595,4.387715816497803,4.894027328491211 +2.8930215632891905,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.7232909751316856,2.379239082336426,2.496769964694977,1.533852977955595,4.387715816497803,4.894027328491211 +3.136413653442602,2.077296863117861,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.077296863117861,1.7464125156402588,1.7941285520792007,0.5840679684534986,4.289617578188579,5.303446197509764 +3.262771990808774,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.077296863117861,1.7464125156402588,1.7941285520792007,0.5840679684534986,4.289617578188579,5.303446197509764 +3.0182020416517688,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.077296863117861,1.7464125156402588,1.7941285520792007,0.5840679684534986,4.289617578188579,5.303446197509764 +3.2662391379514912,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.077296863117861,1.7464125156402588,1.7941285520792007,0.5840679684534986,4.289617578188579,5.303446197509764 +3.2353165634467924,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.077296863117861,1.7464125156402588,1.7941285520792007,0.5840679684534986,4.289617578188579,5.303446197509764 +3.036563847675959,2.0652150285464748,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0652150285464748,1.6236531734466553,1.7263100892305374,0.5555638927728572,4.268365626533826,5.359177589416502 +3.222083687546385,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0652150285464748,1.6236531734466553,1.7263100892305374,0.5555638927728572,4.268365626533826,5.359177589416502 +3.1096660836666117,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0652150285464748,1.6236531734466553,1.7263100892305374,0.5555638927728572,4.268365626533826,5.359177589416502 +2.890387213403128,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0652150285464748,1.6236531734466553,1.7263100892305374,0.5555638927728572,4.268365626533826,5.359177589416502 +3.084218877443852,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0652150285464748,1.6236531734466553,1.7263100892305374,0.5555638927728572,4.268365626533826,5.359177589416502 +3.2009337582775346,2.3671788154219193,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3671788154219193,1.9558472633361816,2.020916849374771,0.7179579254477582,4.748593817154567,6.270730590820311 +3.108382497936251,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3671788154219193,1.9558472633361816,2.020916849374771,0.7179579254477582,4.748593817154567,6.270730590820311 +2.9361793591903824,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3671788154219193,1.9558472633361816,2.020916849374771,0.7179579254477582,4.748593817154567,6.270730590820311 +3.0661574906047857,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3671788154219193,1.9558472633361816,2.020916849374771,0.7179579254477582,4.748593817154567,6.270730590820311 +3.156289219030604,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3671788154219193,1.9558472633361816,2.020916849374771,0.7179579254477582,4.748593817154567,6.270730590820311 +2.8380024074564507,1.8508142031453274,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8508142031453274,1.3895938396453857,1.5291824340820312,0.4871996249607269,3.996659671266874,4.940035152435303 +2.976699170108521,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8508142031453274,1.3895938396453857,1.5291824340820312,0.4871996249607269,3.996659671266874,4.940035152435303 +3.033188061714959,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8508142031453274,1.3895938396453857,1.5291824340820312,0.4871996249607269,3.996659671266874,4.940035152435303 +3.2273352685775167,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8508142031453274,1.3895938396453857,1.5291824340820312,0.4871996249607269,3.996659671266874,4.940035152435303 +3.2140078714466345,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8508142031453274,1.3895938396453857,1.5291824340820312,0.4871996249607269,3.996659671266874,4.940035152435303 +2.9401137704978204,1.7817012864761252,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7817012864761252,1.3926886320114136,1.4632551074028015,0.43129529407683836,3.9048215399185815,5.005672931671143 +3.137929136174335,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7817012864761252,1.3926886320114136,1.4632551074028015,0.43129529407683836,3.9048215399185815,5.005672931671143 +3.3856319150934118,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7817012864761252,1.3926886320114136,1.4632551074028015,0.43129529407683836,3.9048215399185815,5.005672931671143 +3.1716344790597075,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7817012864761252,1.3926886320114136,1.4632551074028015,0.43129529407683836,3.9048215399185815,5.005672931671143 +3.469802901856503,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.7817012864761252,1.3926886320114136,1.4632551074028015,0.43129529407683836,3.9048215399185815,5.005672931671143 +3.3598788263261476,2.3808626165150333,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3808626165150333,2.184267520904541,2.1835861802101135,0.8593576924597963,4.375412260492642,4.646367740631103 +2.9631222314483887,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3808626165150333,2.184267520904541,2.1835861802101135,0.8593576924597963,4.375412260492642,4.646367740631103 +3.1068434306177113,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3808626165150333,2.184267520904541,2.1835861802101135,0.8593576924597963,4.375412260492642,4.646367740631103 +3.078382421923816,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3808626165150333,2.184267520904541,2.1835861802101135,0.8593576924597963,4.375412260492642,4.646367740631103 +3.4794507649650988,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3808626165150333,2.184267520904541,2.1835861802101135,0.8593576924597963,4.375412260492642,4.646367740631103 +3.209684787961927,2.093542933188103,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093542933188103,1.6381722688674927,1.7385974675416946,0.5743591406560958,4.4357195148865385,5.807816219329833 +3.2758387031530014,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093542933188103,1.6381722688674927,1.7385974675416946,0.5743591406560958,4.4357195148865385,5.807816219329833 +2.9649093791174073,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093542933188103,1.6381722688674927,1.7385974675416946,0.5743591406560958,4.4357195148865385,5.807816219329833 +3.1390154310416105,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093542933188103,1.6381722688674927,1.7385974675416946,0.5743591406560958,4.4357195148865385,5.807816219329833 +3.2262288452099055,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093542933188103,1.6381722688674927,1.7385974675416946,0.5743591406560958,4.4357195148865385,5.807816219329833 +3.129084037326886,2.040906488185837,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.040906488185837,1.5328898429870605,1.6813247948884964,0.5886446449984896,4.272770861784617,5.091418361663818 +2.9537042490253347,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.040906488185837,1.5328898429870605,1.6813247948884964,0.5886446449984896,4.272770861784617,5.091418361663818 +2.723795355545814,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.040906488185837,1.5328898429870605,1.6813247948884964,0.5886446449984896,4.272770861784617,5.091418361663818 +2.9171613217343757,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.040906488185837,1.5328898429870605,1.6813247948884964,0.5886446449984896,4.272770861784617,5.091418361663818 +3.0683977612168936,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.040906488185837,1.5328898429870605,1.6813247948884964,0.5886446449984896,4.272770861784617,5.091418361663818 +2.881999092279764,2.006451736169833,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.006451736169833,1.3816852569580078,1.5658639818429947,0.5170853840226822,4.4393642991781235,5.707593154907226 +3.1232474785799402,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.006451736169833,1.3816852569580078,1.5658639818429947,0.5170853840226822,4.4393642991781235,5.707593154907226 +3.1581447815281734,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.006451736169833,1.3816852569580078,1.5658639818429947,0.5170853840226822,4.4393642991781235,5.707593154907226 +3.001564782260276,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.006451736169833,1.3816852569580078,1.5658639818429947,0.5170853840226822,4.4393642991781235,5.707593154907226 +2.9850987446418222,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.006451736169833,1.3816852569580078,1.5658639818429947,0.5170853840226822,4.4393642991781235,5.707593154907226 +3.0557174923827275,1.8440575594151463,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8440575594151463,1.3524839878082275,1.451783537864685,0.616618480137054,3.857144773006439,4.621180629730224 +3.334668764043452,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8440575594151463,1.3524839878082275,1.451783537864685,0.616618480137054,3.857144773006439,4.621180629730224 +3.1282357617347727,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8440575594151463,1.3524839878082275,1.451783537864685,0.616618480137054,3.857144773006439,4.621180629730224 +3.004327584755924,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8440575594151463,1.3524839878082275,1.451783537864685,0.616618480137054,3.857144773006439,4.621180629730224 +3.0431022884073546,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8440575594151463,1.3524839878082275,1.451783537864685,0.616618480137054,3.857144773006439,4.621180629730224 +2.9268805275924286,2.3118555406256327,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3118555406256327,1.6722230911254883,1.860691949725151,0.6218030880740348,4.947007169326146,6.312495517730712 +3.2095868104287377,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3118555406256327,1.6722230911254883,1.860691949725151,0.6218030880740348,4.947007169326146,6.312495517730712 +3.364934434912765,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3118555406256327,1.6722230911254883,1.860691949725151,0.6218030880740348,4.947007169326146,6.312495517730712 +3.1691006627867595,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3118555406256327,1.6722230911254883,1.860691949725151,0.6218030880740348,4.947007169326146,6.312495517730712 +2.9955570102917486,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.3118555406256327,1.6722230911254883,1.860691949725151,0.6218030880740348,4.947007169326146,6.312495517730712 +3.098609507771941,1.8830176627746336,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8830176627746336,1.3893122673034668,1.5310903191566467,0.5760510530560574,3.8941259433825812,4.608282756805419 +3.086618841264525,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8830176627746336,1.3893122673034668,1.5310903191566467,0.5760510530560574,3.8941259433825812,4.608282756805419 +3.108407695524611,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8830176627746336,1.3893122673034668,1.5310903191566467,0.5760510530560574,3.8941259433825812,4.608282756805419 +2.8676561424631557,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8830176627746336,1.3893122673034668,1.5310903191566467,0.5760510530560574,3.8941259433825812,4.608282756805419 +3.1987608649563977,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8830176627746336,1.3893122673034668,1.5310903191566467,0.5760510530560574,3.8941259433825812,4.608282756805419 +3.2093355105624664,2.238925513964166,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.238925513964166,1.7634742259979248,1.8442810773849487,0.6227290130993153,4.6424369265635805,5.894472980499268 +3.0117825655202752,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.238925513964166,1.7634742259979248,1.8442810773849487,0.6227290130993153,4.6424369265635805,5.894472980499268 +3.3092212633163443,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.238925513964166,1.7634742259979248,1.8442810773849487,0.6227290130993153,4.6424369265635805,5.894472980499268 +3.328658074337134,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.238925513964166,1.7634742259979248,1.8442810773849487,0.6227290130993153,4.6424369265635805,5.894472980499268 +3.2241951108057454,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.238925513964166,1.7634742259979248,1.8442810773849487,0.6227290130993153,4.6424369265635805,5.894472980499268 +3.2197537247809067,2.092601011669825,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.092601011669825,1.6668310165405273,1.7300277054309845,0.5299074421537683,4.481244504451752,5.661600112915039 +3.079249755707926,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.092601011669825,1.6668310165405273,1.7300277054309845,0.5299074421537683,4.481244504451752,5.661600112915039 +3.038151592193147,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.092601011669825,1.6668310165405273,1.7300277054309845,0.5299074421537683,4.481244504451752,5.661600112915039 +2.953617004495812,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.092601011669825,1.6668310165405273,1.7300277054309845,0.5299074421537683,4.481244504451752,5.661600112915039 +3.2109279032590208,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.092601011669825,1.6668310165405273,1.7300277054309845,0.5299074421537683,4.481244504451752,5.661600112915039 +3.0868190132219118,2.625833919439366,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.625833919439366,2.004962205886841,2.1531048715114594,0.6850680899112782,5.467276995380719,7.274608993530272 +2.9957028167189583,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.625833919439366,2.004962205886841,2.1531048715114594,0.6850680899112782,5.467276995380719,7.274608993530272 +3.3289526680135477,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.625833919439366,2.004962205886841,2.1531048715114594,0.6850680899112782,5.467276995380719,7.274608993530272 +3.138984225513438,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.625833919439366,2.004962205886841,2.1531048715114594,0.6850680899112782,5.467276995380719,7.274608993530272 +3.4701584313743035,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.625833919439366,2.004962205886841,2.1531048715114594,0.6850680899112782,5.467276995380719,7.274608993530272 +2.9036438770808455,2.093515821392574,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093515821392574,1.6228091716766357,1.7048919349908829,0.6344334869942767,4.276338989535968,5.525502777099609 +3.078193730485471,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093515821392574,1.6228091716766357,1.7048919349908829,0.6344334869942767,4.276338989535968,5.525502777099609 +3.0629436684905067,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093515821392574,1.6228091716766357,1.7048919349908829,0.6344334869942767,4.276338989535968,5.525502777099609 +3.0143192626909405,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093515821392574,1.6228091716766357,1.7048919349908829,0.6344334869942767,4.276338989535968,5.525502777099609 +2.9270050855928487,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.093515821392574,1.6228091716766357,1.7048919349908829,0.6344334869942767,4.276338989535968,5.525502777099609 +3.1157015755300788,1.955492936902576,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.955492936902576,1.4448264837265015,1.573720633983612,0.6951657730214139,3.9974171072244644,4.998113918304441 +3.07809854845337,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.955492936902576,1.4448264837265015,1.573720633983612,0.6951657730214139,3.9974171072244644,4.998113918304441 +3.0691307810648762,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.955492936902576,1.4448264837265015,1.573720633983612,0.6951657730214139,3.9974171072244644,4.998113918304441 +3.3366967097789755,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.955492936902576,1.4448264837265015,1.573720633983612,0.6951657730214139,3.9974171072244644,4.998113918304441 +3.275550917302084,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.955492936902576,1.4448264837265015,1.573720633983612,0.6951657730214139,3.9974171072244644,4.998113918304441 +3.068888581542195,1.9598624951467312,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9598624951467312,1.4753843545913696,1.5931877195835114,0.48298793111709837,4.251131758093834,5.345685672760009 +3.1569136925690406,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9598624951467312,1.4753843545913696,1.5931877195835114,0.48298793111709837,4.251131758093834,5.345685672760009 +2.923963005907617,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9598624951467312,1.4753843545913696,1.5931877195835114,0.48298793111709837,4.251131758093834,5.345685672760009 +2.9453344707202787,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9598624951467312,1.4753843545913696,1.5931877195835114,0.48298793111709837,4.251131758093834,5.345685672760009 +3.2448132193811965,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9598624951467312,1.4753843545913696,1.5931877195835114,0.48298793111709837,4.251131758093834,5.345685672760009 +3.1871702402515587,1.8667406790628636,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8667406790628636,1.3611376285552979,1.4928101003170013,0.5286838504228186,3.9241460214058557,5.115700244903563 +3.2296722881043807,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8667406790628636,1.3611376285552979,1.4928101003170013,0.5286838504228186,3.9241460214058557,5.115700244903563 +3.319941040669079,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8667406790628636,1.3611376285552979,1.4928101003170013,0.5286838504228186,3.9241460214058557,5.115700244903563 +2.952074356121564,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8667406790628636,1.3611376285552979,1.4928101003170013,0.5286838504228186,3.9241460214058557,5.115700244903563 +2.9508946866268846,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8667406790628636,1.3611376285552979,1.4928101003170013,0.5286838504228186,3.9241460214058557,5.115700244903563 +3.175544503909145,2.2340429343243757,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2340429343243757,1.8431313037872314,1.8860143721103668,0.6121021344306621,4.5671997765700025,5.736626434326171 +3.0827465850397906,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2340429343243757,1.8431313037872314,1.8860143721103668,0.6121021344306621,4.5671997765700025,5.736626434326171 +2.972288562196226,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2340429343243757,1.8431313037872314,1.8860143721103668,0.6121021344306621,4.5671997765700025,5.736626434326171 +3.064344704387056,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2340429343243757,1.8431313037872314,1.8860143721103668,0.6121021344306621,4.5671997765700025,5.736626434326171 +3.074715419502875,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2340429343243757,1.8431313037872314,1.8860143721103668,0.6121021344306621,4.5671997765700025,5.736626434326171 +2.729781712914048,2.004637549951594,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.004637549951594,1.6680047512054443,1.7337732017040253,0.7677290598128704,3.832132250070572,4.201259422302246 +3.145431883259625,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.004637549951594,1.6680047512054443,1.7337732017040253,0.7677290598128704,3.832132250070572,4.201259422302246 +3.156916342125247,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.004637549951594,1.6680047512054443,1.7337732017040253,0.7677290598128704,3.832132250070572,4.201259422302246 +3.122482020810915,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.004637549951594,1.6680047512054443,1.7337732017040253,0.7677290598128704,3.832132250070572,4.201259422302246 +3.0935334260907212,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.004637549951594,1.6680047512054443,1.7337732017040253,0.7677290598128704,3.832132250070572,4.201259422302246 +2.931593737650987,2.11414716077387,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.11414716077387,1.7574714422225952,1.7385649681091309,0.48703059760179923,4.447186892231305,5.856139278411865 +2.824511922660006,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.11414716077387,1.7574714422225952,1.7385649681091309,0.48703059760179923,4.447186892231305,5.856139278411865 +3.1875858501504153,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.11414716077387,1.7574714422225952,1.7385649681091309,0.48703059760179923,4.447186892231305,5.856139278411865 +3.1515289874536068,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.11414716077387,1.7574714422225952,1.7385649681091309,0.48703059760179923,4.447186892231305,5.856139278411865 +3.015003297133936,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.11414716077387,1.7574714422225952,1.7385649681091309,0.48703059760179923,4.447186892231305,5.856139278411865 +3.102645620998575,2.0307131940252567,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0307131940252567,1.5149116516113281,1.6032066196203232,0.46706095940255105,4.397736355662346,5.7620569229125955 +3.113766053087007,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0307131940252567,1.5149116516113281,1.6032066196203232,0.46706095940255105,4.397736355662346,5.7620569229125955 +3.1790659527114955,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0307131940252567,1.5149116516113281,1.6032066196203232,0.46706095940255105,4.397736355662346,5.7620569229125955 +3.205304153086642,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0307131940252567,1.5149116516113281,1.6032066196203232,0.46706095940255105,4.397736355662346,5.7620569229125955 +3.1013547480499524,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0307131940252567,1.5149116516113281,1.6032066196203232,0.46706095940255105,4.397736355662346,5.7620569229125955 +3.049360627785207,1.9449299131199795,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9449299131199795,1.4349050521850586,1.5359575897455215,0.4262678250670433,4.344652220606804,5.46777229309082 +2.9905712351320917,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9449299131199795,1.4349050521850586,1.5359575897455215,0.4262678250670433,4.344652220606804,5.46777229309082 +2.9940774374909327,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9449299131199795,1.4349050521850586,1.5359575897455215,0.4262678250670433,4.344652220606804,5.46777229309082 +3.0818533362098295,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9449299131199795,1.4349050521850586,1.5359575897455215,0.4262678250670433,4.344652220606804,5.46777229309082 +3.314997102721228,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9449299131199795,1.4349050521850586,1.5359575897455215,0.4262678250670433,4.344652220606804,5.46777229309082 +3.0965287584742645,2.246089094766864,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.246089094766864,1.7036428451538086,1.853351891040802,0.6272710292263234,4.76741394897302,5.991177368164061 +3.262835257207498,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.246089094766864,1.7036428451538086,1.853351891040802,0.6272710292263234,4.76741394897302,5.991177368164061 +3.0199424994416475,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.246089094766864,1.7036428451538086,1.853351891040802,0.6272710292263234,4.76741394897302,5.991177368164061 +3.172334143739577,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.246089094766864,1.7036428451538086,1.853351891040802,0.6272710292263234,4.76741394897302,5.991177368164061 +3.1202249501028287,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.246089094766864,1.7036428451538086,1.853351891040802,0.6272710292263234,4.76741394897302,5.991177368164061 +3.258142756165489,2.454312017591542,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.454312017591542,2.2192025184631348,2.2529604136943817,0.8834147259910056,4.428876807292302,5.128994464874268 +3.2750792692865107,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.454312017591542,2.2192025184631348,2.2529604136943817,0.8834147259910056,4.428876807292302,5.128994464874268 +2.9001536320374006,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.454312017591542,2.2192025184631348,2.2529604136943817,0.8834147259910056,4.428876807292302,5.128994464874268 +3.1674658586725712,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.454312017591542,2.2192025184631348,2.2529604136943817,0.8834147259910056,4.428876807292302,5.128994464874268 +3.094871434655856,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.454312017591542,2.2192025184631348,2.2529604136943817,0.8834147259910056,4.428876807292302,5.128994464874268 +3.192077061372728,2.4656537190946954,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4656537190946954,1.9496335983276367,2.0578960478305817,0.739314540903619,5.002893517414729,6.4626442909240716 +3.0514679488610468,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4656537190946954,1.9496335983276367,2.0578960478305817,0.739314540903619,5.002893517414729,6.4626442909240716 +3.1471231102471617,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4656537190946954,1.9496335983276367,2.0578960478305817,0.739314540903619,5.002893517414729,6.4626442909240716 +2.971513996849274,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4656537190946954,1.9496335983276367,2.0578960478305817,0.739314540903619,5.002893517414729,6.4626442909240716 +3.282170369356163,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.4656537190946954,1.9496335983276367,2.0578960478305817,0.739314540903619,5.002893517414729,6.4626442909240716 +2.9789579536638033,1.9334632602948991,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9334632602948991,1.4773727655410767,1.5834198594093323,0.5576875996082387,4.097733894983928,4.971306800842285 +2.925064392722062,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9334632602948991,1.4773727655410767,1.5834198594093323,0.5576875996082387,4.097733894983928,4.971306800842285 +3.3271120841120982,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9334632602948991,1.4773727655410767,1.5834198594093323,0.5576875996082387,4.097733894983928,4.971306800842285 +3.1142600006313312,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9334632602948991,1.4773727655410767,1.5834198594093323,0.5576875996082387,4.097733894983928,4.971306800842285 +3.2607404706424648,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9334632602948991,1.4773727655410767,1.5834198594093323,0.5576875996082387,4.097733894983928,4.971306800842285 +3.2622985952093924,2.0085160744095605,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0085160744095605,1.55620276927948,1.632737159729004,0.5101782448114233,4.280693545937538,5.6982780456542965 +2.6943457588592747,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0085160744095605,1.55620276927948,1.632737159729004,0.5101782448114233,4.280693545937538,5.6982780456542965 +2.995347771488897,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0085160744095605,1.55620276927948,1.632737159729004,0.5101782448114233,4.280693545937538,5.6982780456542965 +3.0156532803987766,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0085160744095605,1.55620276927948,1.632737159729004,0.5101782448114233,4.280693545937538,5.6982780456542965 +3.107181614928321,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0085160744095605,1.55620276927948,1.632737159729004,0.5101782448114233,4.280693545937538,5.6982780456542965 +3.0966356491822364,2.2140827859362595,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2140827859362595,1.6785306930541992,1.814529925584793,0.6991703050567749,4.595700353384018,6.003381633758544 +3.281568151684896,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2140827859362595,1.6785306930541992,1.814529925584793,0.6991703050567749,4.595700353384018,6.003381633758544 +2.901961706559073,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2140827859362595,1.6785306930541992,1.814529925584793,0.6991703050567749,4.595700353384018,6.003381633758544 +3.025552998274801,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2140827859362595,1.6785306930541992,1.814529925584793,0.6991703050567749,4.595700353384018,6.003381633758544 +3.0679593685041318,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2140827859362595,1.6785306930541992,1.814529925584793,0.6991703050567749,4.595700353384018,6.003381633758544 +3.058191226230133,1.9843045603582468,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9843045603582468,1.563979983329773,1.69198377430439,0.597757636708148,4.043907855947812,5.400148391723633 +3.1325486555380997,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9843045603582468,1.563979983329773,1.69198377430439,0.597757636708148,4.043907855947812,5.400148391723633 +3.014001325539517,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9843045603582468,1.563979983329773,1.69198377430439,0.597757636708148,4.043907855947812,5.400148391723633 +3.1278674369555035,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9843045603582468,1.563979983329773,1.69198377430439,0.597757636708148,4.043907855947812,5.400148391723633 +3.009041967858268,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9843045603582468,1.563979983329773,1.69198377430439,0.597757636708148,4.043907855947812,5.400148391723633 +3.109606763126825,2.0406469293924236,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0406469293924236,1.5569571256637573,1.7079205811023712,0.5794788502315258,4.2590501209100085,5.240921401977536 +2.857107270853029,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0406469293924236,1.5569571256637573,1.7079205811023712,0.5794788502315258,4.2590501209100085,5.240921401977536 +3.0321812235349714,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0406469293924236,1.5569571256637573,1.7079205811023712,0.5794788502315258,4.2590501209100085,5.240921401977536 +3.078341340562599,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0406469293924236,1.5569571256637573,1.7079205811023712,0.5794788502315258,4.2590501209100085,5.240921401977536 +3.0867982833869854,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.0406469293924236,1.5569571256637573,1.7079205811023712,0.5794788502315258,4.2590501209100085,5.240921401977536 +3.456392411270368,2.521816464012893,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.521816464012893,2.2258074283599854,2.2707717418670654,1.0872789481852918,4.474479327599208,5.152925491333008 +3.188469003876155,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.521816464012893,2.2258074283599854,2.2707717418670654,1.0872789481852918,4.474479327599208,5.152925491333008 +3.284918032566916,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.521816464012893,2.2258074283599854,2.2707717418670654,1.0872789481852918,4.474479327599208,5.152925491333008 +2.990711115202363,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.521816464012893,2.2258074283599854,2.2707717418670654,1.0872789481852918,4.474479327599208,5.152925491333008 +2.9951905434789,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.521816464012893,2.2258074283599854,2.2707717418670654,1.0872789481852918,4.474479327599208,5.152925491333008 +3.189327580515187,1.825458543286437,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.825458543286437,1.3292794227600098,1.4524050652980804,0.483272171876532,3.969825421770414,5.107612895965574 +3.03683281161068,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.825458543286437,1.3292794227600098,1.4524050652980804,0.483272171876532,3.969825421770414,5.107612895965574 +3.0169770458521503,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.825458543286437,1.3292794227600098,1.4524050652980804,0.483272171876532,3.969825421770414,5.107612895965574 +2.986049789257131,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.825458543286437,1.3292794227600098,1.4524050652980804,0.483272171876532,3.969825421770414,5.107612895965574 +3.281907144963427,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.825458543286437,1.3292794227600098,1.4524050652980804,0.483272171876532,3.969825421770414,5.107612895965574 +3.2624167225920746,1.8578476386253164,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8578476386253164,1.3685932159423828,1.495649293065071,0.5464694832867765,3.9119080901145935,4.725376319885254 +3.028037573660584,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8578476386253164,1.3685932159423828,1.495649293065071,0.5464694832867765,3.9119080901145935,4.725376319885254 +2.9888549099693513,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8578476386253164,1.3685932159423828,1.495649293065071,0.5464694832867765,3.9119080901145935,4.725376319885254 +3.2239692991201356,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8578476386253164,1.3685932159423828,1.495649293065071,0.5464694832867765,3.9119080901145935,4.725376319885254 +3.101029635753512,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8578476386253164,1.3685932159423828,1.495649293065071,0.5464694832867765,3.9119080901145935,4.725376319885254 +3.0112993983173433,1.8898100460332536,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8898100460332536,1.4448264837265015,1.5293665081262589,0.49956009299197096,4.055885270237923,5.200759506225586 +3.0767234826072225,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8898100460332536,1.4448264837265015,1.5293665081262589,0.49956009299197096,4.055885270237923,5.200759506225586 +3.203483144789541,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8898100460332536,1.4448264837265015,1.5293665081262589,0.49956009299197096,4.055885270237923,5.200759506225586 +2.9308304309373168,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8898100460332536,1.4448264837265015,1.5293665081262589,0.49956009299197096,4.055885270237923,5.200759506225586 +3.1036039829883224,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8898100460332536,1.4448264837265015,1.5293665081262589,0.49956009299197096,4.055885270237923,5.200759506225586 +2.8253225732525924,1.8409995624706859,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8409995624706859,1.4896403551101685,1.5495751649141312,0.5194468265201183,3.8165969302256904,4.809363365173339 +2.9705203440934813,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8409995624706859,1.4896403551101685,1.5495751649141312,0.5194468265201183,3.8165969302256904,4.809363365173339 +3.27571910202975,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8409995624706859,1.4896403551101685,1.5495751649141312,0.5194468265201183,3.8165969302256904,4.809363365173339 +3.3627754536538452,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8409995624706859,1.4896403551101685,1.5495751649141312,0.5194468265201183,3.8165969302256904,4.809363365173339 +2.866781161139697,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8409995624706859,1.4896403551101685,1.5495751649141312,0.5194468265201183,3.8165969302256904,4.809363365173339 +2.8341655620916852,1.9219929166729488,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9219929166729488,1.5272624492645264,1.6061745434999466,0.51873879134655,4.041584913929303,4.81960163116455 +2.995210308099957,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9219929166729488,1.5272624492645264,1.6061745434999466,0.51873879134655,4.041584913929303,4.81960163116455 +3.0443887982841846,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9219929166729488,1.5272624492645264,1.6061745434999466,0.51873879134655,4.041584913929303,4.81960163116455 +3.2332937729036275,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9219929166729488,1.5272624492645264,1.6061745434999466,0.51873879134655,4.041584913929303,4.81960163116455 +2.9968933083687106,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9219929166729488,1.5272624492645264,1.6061745434999466,0.51873879134655,4.041584913929303,4.81960163116455 +3.2302933296576968,2.5126597565948647,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5126597565948647,1.777732253074646,1.998129427433014,0.8824304240815183,5.334052647153537,6.852832508087158 +2.9231694692593453,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5126597565948647,1.777732253074646,1.998129427433014,0.8824304240815183,5.334052647153537,6.852832508087158 +2.9504922807688447,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5126597565948647,1.777732253074646,1.998129427433014,0.8824304240815183,5.334052647153537,6.852832508087158 +3.1988528161100787,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5126597565948647,1.777732253074646,1.998129427433014,0.8824304240815183,5.334052647153537,6.852832508087158 +3.0444673904289044,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.5126597565948647,1.777732253074646,1.998129427433014,0.8824304240815183,5.334052647153537,6.852832508087158 +2.9533694078236583,1.8924115863505495,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8924115863505495,1.3698793649673462,1.47433739900589,0.47813132674770153,4.201041246453921,5.240669631958006 +3.0396333306162844,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8924115863505495,1.3698793649673462,1.47433739900589,0.47813132674770153,4.201041246453921,5.240669631958006 +3.316336031324945,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8924115863505495,1.3698793649673462,1.47433739900589,0.47813132674770153,4.201041246453921,5.240669631958006 +3.008595756930852,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8924115863505495,1.3698793649673462,1.47433739900589,0.47813132674770153,4.201041246453921,5.240669631958006 +2.930100310171185,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8924115863505495,1.3698793649673462,1.47433739900589,0.47813132674770153,4.201041246453921,5.240669631958006 +2.7897249070195222,2.505044338998025,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.505044338998025,1.8396239280700684,2.0377088487148285,0.6392267985229797,5.51723745961984,6.884560585021972 +2.9212651041220865,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.505044338998025,1.8396239280700684,2.0377088487148285,0.6392267985229797,5.51723745961984,6.884560585021972 +2.886793377452916,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.505044338998025,1.8396239280700684,2.0377088487148285,0.6392267985229797,5.51723745961984,6.884560585021972 +3.088026390914709,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.505044338998025,1.8396239280700684,2.0377088487148285,0.6392267985229797,5.51723745961984,6.884560585021972 +3.33157717171162,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.505044338998025,1.8396239280700684,2.0377088487148285,0.6392267985229797,5.51723745961984,6.884560585021972 +2.8865076661070606,1.9945864801211333,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9945864801211333,1.4088938236236572,1.5094862431287766,0.43139579226361946,4.561403940121333,5.921589183807372 +3.3448373239713485,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9945864801211333,1.4088938236236572,1.5094862431287766,0.43139579226361946,4.561403940121333,5.921589183807372 +3.3443989203874227,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9945864801211333,1.4088938236236572,1.5094862431287766,0.43139579226361946,4.561403940121333,5.921589183807372 +2.856605913637496,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9945864801211333,1.4088938236236572,1.5094862431287766,0.43139579226361946,4.561403940121333,5.921589183807372 +3.1663572750494158,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9945864801211333,1.4088938236236572,1.5094862431287766,0.43139579226361946,4.561403940121333,5.921589183807372 +2.9786973902292178,2.20265471927388,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.20265471927388,1.5983866453170776,1.7376860976219177,0.7985611516744533,4.6430537303288775,5.884259033203125 +3.0364267305522605,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.20265471927388,1.5983866453170776,1.7376860976219177,0.7985611516744533,4.6430537303288775,5.884259033203125 +2.998062480152597,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.20265471927388,1.5983866453170776,1.7376860976219177,0.7985611516744533,4.6430537303288775,5.884259033203125 +3.303774572043903,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.20265471927388,1.5983866453170776,1.7376860976219177,0.7985611516744533,4.6430537303288775,5.884259033203125 +2.9123514172544893,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.20265471927388,1.5983866453170776,1.7376860976219177,0.7985611516744533,4.6430537303288775,5.884259033203125 +3.099231940342757,1.8361511779209925,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8361511779209925,1.444555640220642,1.4967211186885834,0.48856009955101826,3.9016846815745034,4.545005798339844 +3.1629760199297703,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8361511779209925,1.444555640220642,1.4967211186885834,0.48856009955101826,3.9016846815745034,4.545005798339844 +3.0079353988209943,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8361511779209925,1.444555640220642,1.4967211186885834,0.48856009955101826,3.9016846815745034,4.545005798339844 +3.003197440430325,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8361511779209925,1.444555640220642,1.4967211186885834,0.48856009955101826,3.9016846815745034,4.545005798339844 +2.8784618928713974,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8361511779209925,1.444555640220642,1.4967211186885834,0.48856009955101826,3.9016846815745034,4.545005798339844 +2.968856100120771,1.8396442359086698,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8396442359086698,1.468870759010315,1.5204524248838425,0.5227808711376596,3.8435371816158295,4.669758701324459 +2.9178226667414555,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8396442359086698,1.468870759010315,1.5204524248838425,0.5227808711376596,3.8435371816158295,4.669758701324459 +2.9589037313703495,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8396442359086698,1.468870759010315,1.5204524248838425,0.5227808711376596,3.8435371816158295,4.669758701324459 +3.0295710298269594,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8396442359086698,1.468870759010315,1.5204524248838425,0.5227808711376596,3.8435371816158295,4.669758701324459 +2.9636542533664403,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8396442359086698,1.468870759010315,1.5204524248838425,0.5227808711376596,3.8435371816158295,4.669758701324459 +3.100976782376659,2.050441539121999,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.050441539121999,1.4830574989318848,1.5925202369689941,0.4787969055010917,4.6273457407951355,5.731950569152832 +3.392603011334949,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.050441539121999,1.4830574989318848,1.5925202369689941,0.4787969055010917,4.6273457407951355,5.731950569152832 +3.1638194665234134,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.050441539121999,1.4830574989318848,1.5925202369689941,0.4787969055010917,4.6273457407951355,5.731950569152832 +3.0296086304499164,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.050441539121999,1.4830574989318848,1.5925202369689941,0.4787969055010917,4.6273457407951355,5.731950569152832 +3.079115642288744,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.050441539121999,1.4830574989318848,1.5925202369689941,0.4787969055010917,4.6273457407951355,5.731950569152832 +3.176624319091007,1.8870401815289544,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8870401815289544,1.373731017112732,1.4895237982273102,0.5754706837395405,4.055710087219874,4.9175040245056145 +3.28062086399045,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8870401815289544,1.373731017112732,1.4895237982273102,0.5754706837395405,4.055710087219874,4.9175040245056145 +3.2181683177801736,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8870401815289544,1.373731017112732,1.4895237982273102,0.5754706837395405,4.055710087219874,4.9175040245056145 +2.78700860811884,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8870401815289544,1.373731017112732,1.4895237982273102,0.5754706837395405,4.055710087219874,4.9175040245056145 +3.0400257792353313,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8870401815289544,1.373731017112732,1.4895237982273102,0.5754706837395405,4.055710087219874,4.9175040245056145 +3.244699540388301,1.8887970641491905,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8887970641491905,1.492396593093872,1.5563202947378159,0.4801249434339239,4.096580783526103,5.096319961547852 +2.9360922906243077,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8887970641491905,1.492396593093872,1.5563202947378159,0.4801249434339239,4.096580783526103,5.096319961547852 +2.8666362556233254,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8887970641491905,1.492396593093872,1.5563202947378159,0.4801249434339239,4.096580783526103,5.096319961547852 +3.237744498260732,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8887970641491905,1.492396593093872,1.5563202947378159,0.4801249434339239,4.096580783526103,5.096319961547852 +3.031937876131415,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.8887970641491905,1.492396593093872,1.5563202947378159,0.4801249434339239,4.096580783526103,5.096319961547852 +3.2730159294990564,1.9355924645901987,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9355924645901987,1.3625744581222534,1.5117284059524536,0.41978724427679753,4.452853391567866,5.743713665008544 +3.3260602265360486,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9355924645901987,1.3625744581222534,1.5117284059524536,0.41978724427679753,4.452853391567866,5.743713665008544 +3.047329822972928,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9355924645901987,1.3625744581222534,1.5117284059524536,0.41978724427679753,4.452853391567866,5.743713665008544 +3.1946778313937476,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9355924645901987,1.3625744581222534,1.5117284059524536,0.41978724427679753,4.452853391567866,5.743713665008544 +2.946831979860102,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,1.9355924645901987,1.3625744581222534,1.5117284059524536,0.41978724427679753,4.452853391567866,5.743713665008544 +3.1528991998264218,2.1850273645034544,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1850273645034544,1.9042344093322754,1.907382607460022,0.7427800175674418,4.194773117701213,5.475459480285645 +3.256124310156129,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1850273645034544,1.9042344093322754,1.907382607460022,0.7427800175674418,4.194773117701213,5.475459480285645 +3.0849204475654775,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1850273645034544,1.9042344093322754,1.907382607460022,0.7427800175674418,4.194773117701213,5.475459480285645 +2.9953636344433776,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1850273645034544,1.9042344093322754,1.907382607460022,0.7427800175674418,4.194773117701213,5.475459480285645 +2.7323250779022015,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.1850273645034544,1.9042344093322754,1.907382607460022,0.7427800175674418,4.194773117701213,5.475459480285645 +2.8875937088734243,2.233768712039347,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.233768712039347,1.6238940954208374,1.7762368768453598,0.5532484793282569,4.89921114842097,6.225520229339596 +2.85651586128099,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.233768712039347,1.6238940954208374,1.7762368768453598,0.5532484793282569,4.89921114842097,6.225520229339596 +2.9554556377212418,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.233768712039347,1.6238940954208374,1.7762368768453598,0.5532484793282569,4.89921114842097,6.225520229339596 +3.208261640708019,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.233768712039347,1.6238940954208374,1.7762368768453598,0.5532484793282569,4.89921114842097,6.225520229339596 +3.358757043812709,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.233768712039347,1.6238940954208374,1.7762368768453598,0.5532484793282569,4.89921114842097,6.225520229339596 +3.122499375788392,2.2988038731630516,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2988038731630516,1.8941357135772705,1.9727195501327515,0.8042411119379895,4.484751174847285,5.373510456085205 +3.1687660376715785,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2988038731630516,1.8941357135772705,1.9727195501327515,0.8042411119379895,4.484751174847285,5.373510456085205 +3.2371998495744214,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2988038731630516,1.8941357135772705,1.9727195501327515,0.8042411119379895,4.484751174847285,5.373510456085205 +2.9360369683727425,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2988038731630516,1.8941357135772705,1.9727195501327515,0.8042411119379895,4.484751174847285,5.373510456085205 +3.251061434973041,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2988038731630516,1.8941357135772705,1.9727195501327515,0.8042411119379895,4.484751174847285,5.373510456085205 +3.067587872392112,2.2177364690593944,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2177364690593944,1.588192105293274,1.825266420841217,0.6623062288507502,4.647786905368169,5.481321334838865 +3.083786169484769,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2177364690593944,1.588192105293274,1.825266420841217,0.6623062288507502,4.647786905368169,5.481321334838865 +3.1186281081711713,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2177364690593944,1.588192105293274,1.825266420841217,0.6623062288507502,4.647786905368169,5.481321334838865 +3.1900992934103063,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2177364690593944,1.588192105293274,1.825266420841217,0.6623062288507502,4.647786905368169,5.481321334838865 +3.003861268328645,0,1.7748988685074938,1.299352765083313,1.3483098298311234,0.5221621690595404,3.9003144750992456,4.73745059967041,2.2177364690593944,1.588192105293274,1.825266420841217,0.6623062288507502,4.647786905368169,5.481321334838865 +3.220488656872495,1.773271061322361,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805 +2.926015521613463,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805 +3.0372189883349123,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805 +3.212544149215429,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805 +3.215791097692261,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805 +3.039429939025153,2.069232495373519,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.069232495373519,1.4719316959381104,1.6409135907888412,0.5704309306246169,4.422423481941223,5.521496772766113 +3.0636572102797377,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.069232495373519,1.4719316959381104,1.6409135907888412,0.5704309306246169,4.422423481941223,5.521496772766113 +3.1521437681405398,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.069232495373519,1.4719316959381104,1.6409135907888412,0.5704309306246169,4.422423481941223,5.521496772766113 +3.107560962949705,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.069232495373519,1.4719316959381104,1.6409135907888412,0.5704309306246169,4.422423481941223,5.521496772766113 +3.1771007120058843,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.069232495373519,1.4719316959381104,1.6409135907888412,0.5704309306246169,4.422423481941223,5.521496772766113 +3.0301136853355217,1.9036956031328787,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9036956031328787,1.410836935043335,1.5075474977493286,0.4378549275880164,4.190746188163757,5.3711314201354945 +3.0040650651016145,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9036956031328787,1.410836935043335,1.5075474977493286,0.4378549275880164,4.190746188163757,5.3711314201354945 +3.113765620520845,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9036956031328787,1.410836935043335,1.5075474977493286,0.4378549275880164,4.190746188163757,5.3711314201354945 +3.1301919454634977,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9036956031328787,1.410836935043335,1.5075474977493286,0.4378549275880164,4.190746188163757,5.3711314201354945 +3.158047872593032,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9036956031328787,1.410836935043335,1.5075474977493286,0.4378549275880164,4.190746188163757,5.3711314201354945 +3.0790828546229014,2.3719191909545945,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3719191909545945,1.758362054824829,1.9115649461746216,0.6088859522913365,5.131436914205551,6.428164386749268 +3.1012788018246127,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3719191909545945,1.758362054824829,1.9115649461746216,0.6088859522913365,5.131436914205551,6.428164386749268 +3.313499948535714,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3719191909545945,1.758362054824829,1.9115649461746216,0.6088859522913365,5.131436914205551,6.428164386749268 +2.9338630267214962,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3719191909545945,1.758362054824829,1.9115649461746216,0.6088859522913365,5.131436914205551,6.428164386749268 +3.1668846290312844,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3719191909545945,1.758362054824829,1.9115649461746216,0.6088859522913365,5.131436914205551,6.428164386749268 +2.9807410774492022,2.3364800803718113,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3364800803718113,2.0054502487182617,2.069235235452652,0.7206549248162736,4.458895742893219,5.428299140930175 +3.2193803352778065,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3364800803718113,2.0054502487182617,2.069235235452652,0.7206549248162736,4.458895742893219,5.428299140930175 +3.029489983531762,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3364800803718113,2.0054502487182617,2.069235235452652,0.7206549248162736,4.458895742893219,5.428299140930175 +3.0421434929274946,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3364800803718113,2.0054502487182617,2.069235235452652,0.7206549248162736,4.458895742893219,5.428299140930175 +3.238728167356476,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.3364800803718113,2.0054502487182617,2.069235235452652,0.7206549248162736,4.458895742893219,5.428299140930175 +2.9699579378427803,1.9744220828568493,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9744220828568493,1.4690039157867432,1.6606622636318207,0.49889856767147145,4.218420738975207,5.041517066955565 +3.180965100515801,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9744220828568493,1.4690039157867432,1.6606622636318207,0.49889856767147145,4.218420738975207,5.041517066955565 +3.305512198809741,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9744220828568493,1.4690039157867432,1.6606622636318207,0.49889856767147145,4.218420738975207,5.041517066955565 +3.2394035152678127,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9744220828568493,1.4690039157867432,1.6606622636318207,0.49889856767147145,4.218420738975207,5.041517066955565 +2.9829918842831513,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9744220828568493,1.4690039157867432,1.6606622636318207,0.49889856767147145,4.218420738975207,5.041517066955565 +2.912387996715417,2.159515391976114,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.159515391976114,1.6709352731704712,1.763942837715149,0.5825290962102565,4.5806387315193815,5.984808254241942 +3.044153348751622,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.159515391976114,1.6709352731704712,1.763942837715149,0.5825290962102565,4.5806387315193815,5.984808254241942 +2.646348326297423,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.159515391976114,1.6709352731704712,1.763942837715149,0.5825290962102565,4.5806387315193815,5.984808254241942 +2.7665219061410835,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.159515391976114,1.6709352731704712,1.763942837715149,0.5825290962102565,4.5806387315193815,5.984808254241942 +3.070265058536171,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.159515391976114,1.6709352731704712,1.763942837715149,0.5825290962102565,4.5806387315193815,5.984808254241942 +2.897506388872469,2.305814067838053,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.305814067838053,1.6714036464691162,1.913146287202835,0.7815908764271026,4.735738158226013,5.450492572784423 +2.9747108226558465,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.305814067838053,1.6714036464691162,1.913146287202835,0.7815908764271026,4.735738158226013,5.450492572784423 +3.032913065837367,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.305814067838053,1.6714036464691162,1.913146287202835,0.7815908764271026,4.735738158226013,5.450492572784423 +2.955127495888984,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.305814067838053,1.6714036464691162,1.913146287202835,0.7815908764271026,4.735738158226013,5.450492572784423 +3.152501133843116,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.305814067838053,1.6714036464691162,1.913146287202835,0.7815908764271026,4.735738158226013,5.450492572784423 +3.285598188894248,2.064683743136585,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.064683743136585,1.6244966983795166,1.724703997373581,0.5806820920490204,4.304771800835927,5.402107429504394 +2.8500010716805044,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.064683743136585,1.6244966983795166,1.724703997373581,0.5806820920490204,4.304771800835927,5.402107429504394 +2.985525187055794,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.064683743136585,1.6244966983795166,1.724703997373581,0.5806820920490204,4.304771800835927,5.402107429504394 +3.3156095362197124,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.064683743136585,1.6244966983795166,1.724703997373581,0.5806820920490204,4.304771800835927,5.402107429504394 +2.9837410688832757,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.064683743136585,1.6244966983795166,1.724703997373581,0.5806820920490204,4.304771800835927,5.402107429504394 +3.1422353510727667,3.177882801761072,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,3.177882801761072,2.65741229057312,2.7714368999004364,1.1189219488742503,6.139213313659032,7.999207305908202 +3.1461118473069334,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,3.177882801761072,2.65741229057312,2.7714368999004364,1.1189219488742503,6.139213313659032,7.999207305908202 +3.0355619753177687,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,3.177882801761072,2.65741229057312,2.7714368999004364,1.1189219488742503,6.139213313659032,7.999207305908202 +3.0297425042906663,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,3.177882801761072,2.65741229057312,2.7714368999004364,1.1189219488742503,6.139213313659032,7.999207305908202 +2.958960196371915,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,3.177882801761072,2.65741229057312,2.7714368999004364,1.1189219488742503,6.139213313659032,7.999207305908202 +3.078614688859294,2.346524025870379,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.346524025870379,1.8625658750534058,1.998568058013916,1.0112225825482226,4.459107811252276,5.717197704315183 +3.3107369200653327,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.346524025870379,1.8625658750534058,1.998568058013916,1.0112225825482226,4.459107811252276,5.717197704315183 +3.0834832506593424,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.346524025870379,1.8625658750534058,1.998568058013916,1.0112225825482226,4.459107811252276,5.717197704315183 +3.0435859104495564,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.346524025870379,1.8625658750534058,1.998568058013916,1.0112225825482226,4.459107811252276,5.717197704315183 +2.9388900386233443,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.346524025870379,1.8625658750534058,1.998568058013916,1.0112225825482226,4.459107811252276,5.717197704315183 +3.0584164360307136,2.545225553096287,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.545225553096287,2.047461748123169,2.1690380573272705,1.101956234333363,4.769940619667371,5.907627773284911 +3.1371655026770204,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.545225553096287,2.047461748123169,2.1690380573272705,1.101956234333363,4.769940619667371,5.907627773284911 +2.8545186923605472,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.545225553096287,2.047461748123169,2.1690380573272705,1.101956234333363,4.769940619667371,5.907627773284911 +3.092602958701217,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.545225553096287,2.047461748123169,2.1690380573272705,1.101956234333363,4.769940619667371,5.907627773284911 +3.1322355724890816,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.545225553096287,2.047461748123169,2.1690380573272705,1.101956234333363,4.769940619667371,5.907627773284911 +3.017933917843729,2.431068354892352,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.431068354892352,2.076882839202881,2.120888829231262,0.6698850269647355,4.862582817673683,6.3266520500183105 +3.038599785407489,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.431068354892352,2.076882839202881,2.120888829231262,0.6698850269647355,4.862582817673683,6.3266520500183105 +3.084466333931071,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.431068354892352,2.076882839202881,2.120888829231262,0.6698850269647355,4.862582817673683,6.3266520500183105 +3.055169530665025,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.431068354892352,2.076882839202881,2.120888829231262,0.6698850269647355,4.862582817673683,6.3266520500183105 +2.857216915169775,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.431068354892352,2.076882839202881,2.120888829231262,0.6698850269647355,4.862582817673683,6.3266520500183105 +3.1931436524620787,2.183132490153035,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.183132490153035,1.746300458908081,1.8391588032245636,0.7531023000149016,4.293176993727684,5.001235103607177 +3.1649521456387553,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.183132490153035,1.746300458908081,1.8391588032245636,0.7531023000149016,4.293176993727684,5.001235103607177 +3.010825843759137,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.183132490153035,1.746300458908081,1.8391588032245636,0.7531023000149016,4.293176993727684,5.001235103607177 +2.917127637561204,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.183132490153035,1.746300458908081,1.8391588032245636,0.7531023000149016,4.293176993727684,5.001235103607177 +2.751233830930061,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.183132490153035,1.746300458908081,1.8391588032245636,0.7531023000149016,4.293176993727684,5.001235103607177 +3.140582980140847,2.6179252230222265,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.6179252230222265,2.3695945739746094,2.4018411338329315,0.9513387418490775,4.630374883611997,5.112414741516113 +2.790406406279604,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.6179252230222265,2.3695945739746094,2.4018411338329315,0.9513387418490775,4.630374883611997,5.112414741516113 +2.9095185000773784,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.6179252230222265,2.3695945739746094,2.4018411338329315,0.9513387418490775,4.630374883611997,5.112414741516113 +2.9589194956980154,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.6179252230222265,2.3695945739746094,2.4018411338329315,0.9513387418490775,4.630374883611997,5.112414741516113 +3.0091965767237947,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.6179252230222265,2.3695945739746094,2.4018411338329315,0.9513387418490775,4.630374883611997,5.112414741516113 +3.325321774369494,1.9654754004071628,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9654754004071628,1.5529297590255737,1.6149535179138184,0.5827298498851188,4.045935809612274,4.837075901031492 +3.0672590310505954,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9654754004071628,1.5529297590255737,1.6149535179138184,0.5827298498851188,4.045935809612274,4.837075901031492 +2.8676916631159806,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9654754004071628,1.5529297590255737,1.6149535179138184,0.5827298498851188,4.045935809612274,4.837075901031492 +2.930891679938991,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9654754004071628,1.5529297590255737,1.6149535179138184,0.5827298498851188,4.045935809612274,4.837075901031492 +2.8192014623246595,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9654754004071628,1.5529297590255737,1.6149535179138184,0.5827298498851188,4.045935809612274,4.837075901031492 +3.066088820765861,1.9891862294503622,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9891862294503622,1.4708677530288696,1.6274923086166382,0.6482341159531411,4.112938344478607,5.101709270477295 +3.207488554704315,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9891862294503622,1.4708677530288696,1.6274923086166382,0.6482341159531411,4.112938344478607,5.101709270477295 +2.9062161107491065,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9891862294503622,1.4708677530288696,1.6274923086166382,0.6482341159531411,4.112938344478607,5.101709270477295 +2.76588310299338,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9891862294503622,1.4708677530288696,1.6274923086166382,0.6482341159531411,4.112938344478607,5.101709270477295 +2.5439959086261514,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9891862294503622,1.4708677530288696,1.6274923086166382,0.6482341159531411,4.112938344478607,5.101709270477295 +2.900001991373096,2.52260029260759,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.52260029260759,2.0090579986572266,2.1268407702445984,0.9278727240384893,4.958120658993721,6.2211789131164545 +3.050934198585223,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.52260029260759,2.0090579986572266,2.1268407702445984,0.9278727240384893,4.958120658993721,6.2211789131164545 +2.9772185732396736,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.52260029260759,2.0090579986572266,2.1268407702445984,0.9278727240384893,4.958120658993721,6.2211789131164545 +3.1685892995004603,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.52260029260759,2.0090579986572266,2.1268407702445984,0.9278727240384893,4.958120658993721,6.2211789131164545 +3.0022353768191428,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.52260029260759,2.0090579986572266,2.1268407702445984,0.9278727240384893,4.958120658993721,6.2211789131164545 +2.9678985918810628,1.972482094018863,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.972482094018863,1.4667376279830933,1.6087876111268997,0.5865757577913873,4.102379659811656,4.619675540924073 +2.9500861738987836,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.972482094018863,1.4667376279830933,1.6087876111268997,0.5865757577913873,4.102379659811656,4.619675540924073 +2.9994600365100563,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.972482094018863,1.4667376279830933,1.6087876111268997,0.5865757577913873,4.102379659811656,4.619675540924073 +3.1912854640968242,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.972482094018863,1.4667376279830933,1.6087876111268997,0.5865757577913873,4.102379659811656,4.619675540924073 +2.9876380013523125,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.972482094018863,1.4667376279830933,1.6087876111268997,0.5865757577913873,4.102379659811656,4.619675540924073 +3.0529598640695728,1.8508965571327185,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8508965571327185,1.4596492052078247,1.5798678249120712,0.490026482717788,3.8033861567576728,4.442739105224609 +3.071001189778065,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8508965571327185,1.4596492052078247,1.5798678249120712,0.490026482717788,3.8033861567576728,4.442739105224609 +3.012558200782396,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8508965571327185,1.4596492052078247,1.5798678249120712,0.490026482717788,3.8033861567576728,4.442739105224609 +2.8802236990123435,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8508965571327185,1.4596492052078247,1.5798678249120712,0.490026482717788,3.8033861567576728,4.442739105224609 +3.064421423153072,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8508965571327185,1.4596492052078247,1.5798678249120712,0.490026482717788,3.8033861567576728,4.442739105224609 +3.0639716744383594,2.011292532480583,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.011292532480583,1.5418004989624023,1.6390753984451294,0.5315561009214279,4.284062246481578,5.185482883453368 +3.11619259084828,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.011292532480583,1.5418004989624023,1.6390753984451294,0.5315561009214279,4.284062246481578,5.185482883453368 +3.267046558628925,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.011292532480583,1.5418004989624023,1.6390753984451294,0.5315561009214279,4.284062246481578,5.185482883453368 +3.140490216343101,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.011292532480583,1.5418004989624023,1.6390753984451294,0.5315561009214279,4.284062246481578,5.185482883453368 +3.109330076655486,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.011292532480583,1.5418004989624023,1.6390753984451294,0.5315561009214279,4.284062246481578,5.185482883453368 +2.9358516913841144,1.9088110359651702,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9088110359651702,1.4731277227401733,1.5733097195625305,0.5720036082128261,3.980710114041964,4.703951454162597 +3.1638410075673327,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9088110359651702,1.4731277227401733,1.5733097195625305,0.5720036082128261,3.980710114041964,4.703951454162597 +2.9249143478187847,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9088110359651702,1.4731277227401733,1.5733097195625305,0.5720036082128261,3.980710114041964,4.703951454162597 +3.0326067715843936,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9088110359651702,1.4731277227401733,1.5733097195625305,0.5720036082128261,3.980710114041964,4.703951454162597 +3.088966409378442,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9088110359651702,1.4731277227401733,1.5733097195625305,0.5720036082128261,3.980710114041964,4.703951454162597 +3.0738679848434427,2.4689133712854336,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4689133712854336,1.9450105428695679,2.079752027988434,1.1139130351391244,4.575040077169736,5.518338203430176 +3.0576502093578393,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4689133712854336,1.9450105428695679,2.079752027988434,1.1139130351391244,4.575040077169736,5.518338203430176 +3.08820576963843,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4689133712854336,1.9450105428695679,2.079752027988434,1.1139130351391244,4.575040077169736,5.518338203430176 +2.9804782275710067,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4689133712854336,1.9450105428695679,2.079752027988434,1.1139130351391244,4.575040077169736,5.518338203430176 +2.9917776859647995,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4689133712854336,1.9450105428695679,2.079752027988434,1.1139130351391244,4.575040077169736,5.518338203430176 +3.1106734630850816,1.8217270531982341,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8217270531982341,1.3588353395462036,1.4875334650278091,0.5636636640163178,3.7913085470596948,4.236092853546142 +2.9239374895366326,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8217270531982341,1.3588353395462036,1.4875334650278091,0.5636636640163178,3.7913085470596948,4.236092853546142 +3.1057108425999695,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8217270531982341,1.3588353395462036,1.4875334650278091,0.5636636640163178,3.7913085470596948,4.236092853546142 +3.004804422779102,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8217270531982341,1.3588353395462036,1.4875334650278091,0.5636636640163178,3.7913085470596948,4.236092853546142 +3.0546454239567855,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8217270531982341,1.3588353395462036,1.4875334650278091,0.5636636640163178,3.7913085470596948,4.236092853546142 +3.070264401705567,2.330081391429144,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.330081391429144,1.8684409856796265,1.9725502580404282,0.5209288514674978,4.95487820605437,5.697685241699217 +3.1051087637768573,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.330081391429144,1.8684409856796265,1.9725502580404282,0.5209288514674978,4.95487820605437,5.697685241699217 +2.8593023481107953,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.330081391429144,1.8684409856796265,1.9725502580404282,0.5209288514674978,4.95487820605437,5.697685241699217 +2.8612819393620015,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.330081391429144,1.8684409856796265,1.9725502580404282,0.5209288514674978,4.95487820605437,5.697685241699217 +3.0580209095158803,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.330081391429144,1.8684409856796265,1.9725502580404282,0.5209288514674978,4.95487820605437,5.697685241699217 +3.0762003947019894,1.9568318275626375,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9568318275626375,1.6835365295410156,1.7033100426197052,0.5691445350964018,3.8583569725354514,4.337497520446777 +2.842564281833046,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9568318275626375,1.6835365295410156,1.7033100426197052,0.5691445350964018,3.8583569725354514,4.337497520446777 +3.0058981793536987,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9568318275626375,1.6835365295410156,1.7033100426197052,0.5691445350964018,3.8583569725354514,4.337497520446777 +2.957775830790047,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9568318275626375,1.6835365295410156,1.7033100426197052,0.5691445350964018,3.8583569725354514,4.337497520446777 +3.1144298168199045,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9568318275626375,1.6835365295410156,1.7033100426197052,0.5691445350964018,3.8583569725354514,4.337497520446777 +3.251583848276365,1.7738318625423644,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7738318625423644,1.297544240951538,1.4220512956380844,0.48085898256048243,3.8453425963719687,4.5375296592712395 +2.7143293926811785,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7738318625423644,1.297544240951538,1.4220512956380844,0.48085898256048243,3.8453425963719687,4.5375296592712395 +3.129800148721106,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7738318625423644,1.297544240951538,1.4220512956380844,0.48085898256048243,3.8453425963719687,4.5375296592712395 +2.879948217352965,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7738318625423644,1.297544240951538,1.4220512956380844,0.48085898256048243,3.8453425963719687,4.5375296592712395 +2.9573932066363207,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7738318625423644,1.297544240951538,1.4220512956380844,0.48085898256048243,3.8453425963719687,4.5375296592712395 +3.1198819614258793,1.8944516839883314,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8944516839883314,1.3992772102355957,1.4976290613412857,0.6130923294323556,3.9387799402077994,5.0753837585449215 +2.885080088372281,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8944516839883314,1.3992772102355957,1.4976290613412857,0.6130923294323556,3.9387799402077994,5.0753837585449215 +2.9887479620943913,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8944516839883314,1.3992772102355957,1.4976290613412857,0.6130923294323556,3.9387799402077994,5.0753837585449215 +2.9153105373590162,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8944516839883314,1.3992772102355957,1.4976290613412857,0.6130923294323556,3.9387799402077994,5.0753837585449215 +3.1046937118262288,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8944516839883314,1.3992772102355957,1.4976290613412857,0.6130923294323556,3.9387799402077994,5.0753837585449215 +2.9306117109856062,2.4549381829522274,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4549381829522274,2.014408588409424,2.1402874886989594,0.7909721270837682,4.846615021427472,5.836684417724608 +3.208005441858932,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4549381829522274,2.014408588409424,2.1402874886989594,0.7909721270837682,4.846615021427472,5.836684417724608 +3.26189641180721,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4549381829522274,2.014408588409424,2.1402874886989594,0.7909721270837682,4.846615021427472,5.836684417724608 +2.8144298675900083,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4549381829522274,2.014408588409424,2.1402874886989594,0.7909721270837682,4.846615021427472,5.836684417724608 +2.966271053793248,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.4549381829522274,2.014408588409424,2.1402874886989594,0.7909721270837682,4.846615021427472,5.836684417724608 +2.823962380632876,2.179322656973329,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.179322656973329,1.821986436843872,1.8889709413051605,0.6110754691539927,4.39991594851017,5.122228908538817 +2.926086178024872,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.179322656973329,1.821986436843872,1.8889709413051605,0.6110754691539927,4.39991594851017,5.122228908538817 +2.7797404246350705,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.179322656973329,1.821986436843872,1.8889709413051605,0.6110754691539927,4.39991594851017,5.122228908538817 +3.293348115851665,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.179322656973329,1.821986436843872,1.8889709413051605,0.6110754691539927,4.39991594851017,5.122228908538817 +2.8478719651069992,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.179322656973329,1.821986436843872,1.8889709413051605,0.6110754691539927,4.39991594851017,5.122228908538817 +2.9960922111700583,1.797828334191489,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.797828334191489,1.3141779899597168,1.4445420503616333,0.46608045570393825,3.902592937151591,4.449213695526123 +3.237097802982324,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.797828334191489,1.3141779899597168,1.4445420503616333,0.46608045570393825,3.902592937151591,4.449213695526123 +2.9298314756878447,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.797828334191489,1.3141779899597168,1.4445420503616333,0.46608045570393825,3.902592937151591,4.449213695526123 +3.144446763600712,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.797828334191489,1.3141779899597168,1.4445420503616333,0.46608045570393825,3.902592937151591,4.449213695526123 +3.1146816633700696,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.797828334191489,1.3141779899597168,1.4445420503616333,0.46608045570393825,3.902592937151591,4.449213695526123 +2.985315002206133,2.0338396995707795,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0338396995707795,1.6913069486618042,1.743297517299652,0.5491159220642232,4.213441764314969,5.327429676055909 +2.9522069674722435,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0338396995707795,1.6913069486618042,1.743297517299652,0.5491159220642232,4.213441764314969,5.327429676055909 +2.7569275371396134,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0338396995707795,1.6913069486618042,1.743297517299652,0.5491159220642232,4.213441764314969,5.327429676055909 +2.9245627586948526,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0338396995707795,1.6913069486618042,1.743297517299652,0.5491159220642232,4.213441764314969,5.327429676055909 +3.0524872603351962,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0338396995707795,1.6913069486618042,1.743297517299652,0.5491159220642232,4.213441764314969,5.327429676055909 +3.0088505020714056,1.9266326469640251,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9266326469640251,1.4572340250015259,1.5742311924695969,0.5928752908998347,3.9685831467310586,4.979739093780518 +2.9564950876822573,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9266326469640251,1.4572340250015259,1.5742311924695969,0.5928752908998347,3.9685831467310586,4.979739093780518 +3.343785289173705,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9266326469640251,1.4572340250015259,1.5742311924695969,0.5928752908998347,3.9685831467310586,4.979739093780518 +3.0683952693613663,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9266326469640251,1.4572340250015259,1.5742311924695969,0.5928752908998347,3.9685831467310586,4.979739093780518 +3.115132750849925,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9266326469640251,1.4572340250015259,1.5742311924695969,0.5928752908998347,3.9685831467310586,4.979739093780518 +3.1558306759965453,1.8598640326942717,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8598640326942717,1.4621943235397339,1.53642138838768,0.6356083176871563,3.859056090315183,4.77679271697998 +3.192120569952245,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8598640326942717,1.4621943235397339,1.53642138838768,0.6356083176871563,3.859056090315183,4.77679271697998 +3.1219031494061675,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8598640326942717,1.4621943235397339,1.53642138838768,0.6356083176871563,3.859056090315183,4.77679271697998 +2.9634074960936028,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8598640326942717,1.4621943235397339,1.53642138838768,0.6356083176871563,3.859056090315183,4.77679271697998 +3.154386848486508,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8598640326942717,1.4621943235397339,1.53642138838768,0.6356083176871563,3.859056090315183,4.77679271697998 +3.258226420307694,1.7825983587711576,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7825983587711576,1.3594112396240234,1.4304171353578568,0.6010366494351245,3.679223751028379,4.402426242828369 +2.7415139468725878,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7825983587711576,1.3594112396240234,1.4304171353578568,0.6010366494351245,3.679223751028379,4.402426242828369 +2.751182771196938,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7825983587711576,1.3594112396240234,1.4304171353578568,0.6010366494351245,3.679223751028379,4.402426242828369 +3.2322098538279533,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7825983587711576,1.3594112396240234,1.4304171353578568,0.6010366494351245,3.679223751028379,4.402426242828369 +3.2243611253699713,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7825983587711576,1.3594112396240234,1.4304171353578568,0.6010366494351245,3.679223751028379,4.402426242828369 +3.008950385891668,1.8591615364901604,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8591615364901604,1.3619998693466187,1.4712402820587158,0.4990140426349133,4.105854764580727,5.169192123413085 +2.9131850795451757,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8591615364901604,1.3619998693466187,1.4712402820587158,0.4990140426349133,4.105854764580727,5.169192123413085 +3.0740592937946003,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8591615364901604,1.3619998693466187,1.4712402820587158,0.4990140426349133,4.105854764580727,5.169192123413085 +3.040252170375595,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8591615364901604,1.3619998693466187,1.4712402820587158,0.4990140426349133,4.105854764580727,5.169192123413085 +3.1063283261766848,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8591615364901604,1.3619998693466187,1.4712402820587158,0.4990140426349133,4.105854764580727,5.169192123413085 +2.8320191958648864,2.341465533568115,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.341465533568115,1.8387727737426758,2.016660988330841,1.0775581820214049,4.404712493220965,5.350178337097168 +2.9784720339529747,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.341465533568115,1.8387727737426758,2.016660988330841,1.0775581820214049,4.404712493220965,5.350178337097168 +2.965103560159263,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.341465533568115,1.8387727737426758,2.016660988330841,1.0775581820214049,4.404712493220965,5.350178337097168 +3.1494623888333115,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.341465533568115,1.8387727737426758,2.016660988330841,1.0775581820214049,4.404712493220965,5.350178337097168 +2.8895948625766823,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.341465533568115,1.8387727737426758,2.016660988330841,1.0775581820214049,4.404712493220965,5.350178337097168 +2.899474423703072,2.062620262344363,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.062620262344363,1.4213393926620483,1.607280284166336,0.5391610862409815,4.670645972092946,5.843842792510986 +2.884067189626612,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.062620262344363,1.4213393926620483,1.607280284166336,0.5391610862409815,4.670645972092946,5.843842792510986 +2.767191223898475,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.062620262344363,1.4213393926620483,1.607280284166336,0.5391610862409815,4.670645972092946,5.843842792510986 +3.1036254144752875,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.062620262344363,1.4213393926620483,1.607280284166336,0.5391610862409815,4.670645972092946,5.843842792510986 +3.080151997015155,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.062620262344363,1.4213393926620483,1.607280284166336,0.5391610862409815,4.670645972092946,5.843842792510986 +3.245809213545832,1.7925944332644421,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7925944332644421,1.3431919813156128,1.4666846990585327,0.4831829735256256,3.816739867130915,4.493393421173094 +3.050906002521515,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7925944332644421,1.3431919813156128,1.4666846990585327,0.4831829735256256,3.816739867130915,4.493393421173094 +2.9481406844267743,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7925944332644421,1.3431919813156128,1.4666846990585327,0.4831829735256256,3.816739867130915,4.493393421173094 +2.8617861455694666,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7925944332644421,1.3431919813156128,1.4666846990585327,0.4831829735256256,3.816739867130915,4.493393421173094 +2.917617832843735,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.7925944332644421,1.3431919813156128,1.4666846990585327,0.4831829735256256,3.816739867130915,4.493393421173094 +3.2442204647336284,1.9508358570476059,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9508358570476059,1.5584646463394165,1.6513232439756393,0.6375534543965725,3.8977585385243096,4.408020782470704 +3.2652455826626605,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9508358570476059,1.5584646463394165,1.6513232439756393,0.6375534543965725,3.8977585385243096,4.408020782470704 +3.2173940627823403,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9508358570476059,1.5584646463394165,1.6513232439756393,0.6375534543965725,3.8977585385243096,4.408020782470704 +2.8346788752480045,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9508358570476059,1.5584646463394165,1.6513232439756393,0.6375534543965725,3.8977585385243096,4.408020782470704 +2.8636295544204735,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9508358570476059,1.5584646463394165,1.6513232439756393,0.6375534543965725,3.8977585385243096,4.408020782470704 +3.1551920907439217,1.9241993887714608,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9241993887714608,1.3939526081085205,1.5221446603536606,0.5466162676506854,4.141790250937144,5.181112003326414 +2.7104387945620867,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9241993887714608,1.3939526081085205,1.5221446603536606,0.5466162676506854,4.141790250937144,5.181112003326414 +2.9499477094584843,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9241993887714608,1.3939526081085205,1.5221446603536606,0.5466162676506854,4.141790250937144,5.181112003326414 +3.0296063346488493,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9241993887714608,1.3939526081085205,1.5221446603536606,0.5466162676506854,4.141790250937144,5.181112003326414 +3.0070846004504954,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9241993887714608,1.3939526081085205,1.5221446603536606,0.5466162676506854,4.141790250937144,5.181112003326414 +3.0897342526896963,1.8958548192703535,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8958548192703535,1.4782994985580444,1.5802369564771652,0.5623136449684488,4.007498681545258,5.362177085876464 +3.2855094957477498,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8958548192703535,1.4782994985580444,1.5802369564771652,0.5623136449684488,4.007498681545258,5.362177085876464 +2.849687394885086,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8958548192703535,1.4782994985580444,1.5802369564771652,0.5623136449684488,4.007498681545258,5.362177085876464 +2.955715984872746,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8958548192703535,1.4782994985580444,1.5802369564771652,0.5623136449684488,4.007498681545258,5.362177085876464 +3.13992215626158,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8958548192703535,1.4782994985580444,1.5802369564771652,0.5623136449684488,4.007498681545258,5.362177085876464 +2.9486355667928907,1.8410266286166257,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8410266286166257,1.4743229150772095,1.5246444791555405,0.5260563676661634,3.8617161164681115,4.4719319343566895 +3.1884560092969116,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8410266286166257,1.4743229150772095,1.5246444791555405,0.5260563676661634,3.8617161164681115,4.4719319343566895 +3.1151923281103766,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8410266286166257,1.4743229150772095,1.5246444791555405,0.5260563676661634,3.8617161164681115,4.4719319343566895 +2.724656007653176,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8410266286166257,1.4743229150772095,1.5246444791555405,0.5260563676661634,3.8617161164681115,4.4719319343566895 +3.333220439646049,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8410266286166257,1.4743229150772095,1.5246444791555405,0.5260563676661634,3.8617161164681115,4.4719319343566895 +3.02097090522422,2.591611750226803,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.591611750226803,2.0749971866607666,2.2358016669750214,0.8936010789363942,5.108262305458386,6.365816974639893 +3.1098239402775714,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.591611750226803,2.0749971866607666,2.2358016669750214,0.8936010789363942,5.108262305458386,6.365816974639893 +3.0393470043911153,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.591611750226803,2.0749971866607666,2.2358016669750214,0.8936010789363942,5.108262305458386,6.365816974639893 +3.011985566929022,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.591611750226803,2.0749971866607666,2.2358016669750214,0.8936010789363942,5.108262305458386,6.365816974639893 +2.8891185847231453,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.591611750226803,2.0749971866607666,2.2358016669750214,0.8936010789363942,5.108262305458386,6.365816974639893 +3.0300156906011235,1.990522477361891,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.990522477361891,1.6165262460708618,1.677625060081482,0.7879002297178228,3.859717215100924,4.795618343353271 +3.1104217939924124,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.990522477361891,1.6165262460708618,1.677625060081482,0.7879002297178228,3.859717215100924,4.795618343353271 +3.2286591483452076,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.990522477361891,1.6165262460708618,1.677625060081482,0.7879002297178228,3.859717215100924,4.795618343353271 +3.0334486972963277,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.990522477361891,1.6165262460708618,1.677625060081482,0.7879002297178228,3.859717215100924,4.795618343353271 +3.093188127281641,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.990522477361891,1.6165262460708618,1.677625060081482,0.7879002297178228,3.859717215100924,4.795618343353271 +3.1454646217398405,1.8086247632585506,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8086247632585506,1.279012680053711,1.4178771674633026,0.47186290805644177,3.9612464110056558,4.9005362510681145 +3.089952792176156,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8086247632585506,1.279012680053711,1.4178771674633026,0.47186290805644177,3.9612464110056558,4.9005362510681145 +3.009639723693318,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8086247632585506,1.279012680053711,1.4178771674633026,0.47186290805644177,3.9612464110056558,4.9005362510681145 +3.128670929447013,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8086247632585506,1.279012680053711,1.4178771674633026,0.47186290805644177,3.9612464110056558,4.9005362510681145 +2.903061935840307,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8086247632585506,1.279012680053711,1.4178771674633026,0.47186290805644177,3.9612464110056558,4.9005362510681145 +2.9636063136966375,2.1597772781495697,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1597772781495697,1.7859697341918945,1.8660618960857391,0.9250466449463621,4.07596181333065,4.657069492340087 +3.154244491619139,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1597772781495697,1.7859697341918945,1.8660618960857391,0.9250466449463621,4.07596181333065,4.657069492340087 +3.0663871106969336,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1597772781495697,1.7859697341918945,1.8660618960857391,0.9250466449463621,4.07596181333065,4.657069492340087 +3.35703667477363,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1597772781495697,1.7859697341918945,1.8660618960857391,0.9250466449463621,4.07596181333065,4.657069492340087 +2.975249360077142,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1597772781495697,1.7859697341918945,1.8660618960857391,0.9250466449463621,4.07596181333065,4.657069492340087 +3.327981715840054,2.0098414666280546,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0098414666280546,1.5094764232635498,1.620032548904419,0.7079225572499823,4.146678720911344,5.178457546234131 +2.9405931228855353,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0098414666280546,1.5094764232635498,1.620032548904419,0.7079225572499823,4.146678720911344,5.178457546234131 +2.7774668044182116,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0098414666280546,1.5094764232635498,1.620032548904419,0.7079225572499823,4.146678720911344,5.178457546234131 +2.905694534328808,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0098414666280546,1.5094764232635498,1.620032548904419,0.7079225572499823,4.146678720911344,5.178457546234131 +3.131093533537633,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0098414666280546,1.5094764232635498,1.620032548904419,0.7079225572499823,4.146678720911344,5.178457546234131 +2.718961822994466,2.264222352908402,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.264222352908402,1.8659253120422363,1.9418872892856598,0.6686990654214899,4.549875785907109,5.668768501281738 +2.9084263753961763,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.264222352908402,1.8659253120422363,1.9418872892856598,0.6686990654214899,4.549875785907109,5.668768501281738 +2.9943806628713823,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.264222352908402,1.8659253120422363,1.9418872892856598,0.6686990654214899,4.549875785907109,5.668768501281738 +2.848810280690407,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.264222352908402,1.8659253120422363,1.9418872892856598,0.6686990654214899,4.549875785907109,5.668768501281738 +3.015261482732434,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.264222352908402,1.8659253120422363,1.9418872892856598,0.6686990654214899,4.549875785907109,5.668768501281738 +3.0699260966129858,2.29350853463014,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.29350853463014,1.7975472211837769,1.9425631761550903,0.8843614088093981,4.518800059954326,5.464318561553956 +3.393052372304934,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.29350853463014,1.7975472211837769,1.9425631761550903,0.8843614088093981,4.518800059954326,5.464318561553956 +3.068006029268997,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.29350853463014,1.7975472211837769,1.9425631761550903,0.8843614088093981,4.518800059954326,5.464318561553956 +2.951999851750667,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.29350853463014,1.7975472211837769,1.9425631761550903,0.8843614088093981,4.518800059954326,5.464318561553956 +3.016418327874747,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.29350853463014,1.7975472211837769,1.9425631761550903,0.8843614088093981,4.518800059954326,5.464318561553956 +2.986340664818608,2.0991714323166186,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0991714323166186,1.435450553894043,1.6202224045991898,0.6002340078987973,4.552595893541972,5.9348249435424805 +3.0523458663423333,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0991714323166186,1.435450553894043,1.6202224045991898,0.6002340078987973,4.552595893541972,5.9348249435424805 +2.9259460561940727,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0991714323166186,1.435450553894043,1.6202224045991898,0.6002340078987973,4.552595893541972,5.9348249435424805 +3.1181149476043153,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0991714323166186,1.435450553894043,1.6202224045991898,0.6002340078987973,4.552595893541972,5.9348249435424805 +3.071308487126884,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.0991714323166186,1.435450553894043,1.6202224045991898,0.6002340078987973,4.552595893541972,5.9348249435424805 +2.9257948586328992,1.808357948624583,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.808357948624583,1.356817603111267,1.4334018230438232,0.5188684867734604,3.848030502597491,4.947530269622803 +3.2631390934962394,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.808357948624583,1.356817603111267,1.4334018230438232,0.5188684867734604,3.848030502597491,4.947530269622803 +3.0015996622614622,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.808357948624583,1.356817603111267,1.4334018230438232,0.5188684867734604,3.848030502597491,4.947530269622803 +3.109303655009471,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.808357948624583,1.356817603111267,1.4334018230438232,0.5188684867734604,3.848030502597491,4.947530269622803 +3.160378621522544,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.808357948624583,1.356817603111267,1.4334018230438232,0.5188684867734604,3.848030502597491,4.947530269622803 +3.0212741980530655,2.8227870448556525,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.8227870448556525,2.6250264644622803,2.6140663027763367,1.107064814009565,4.851759756604831,5.133519077301025 +2.9722026343553236,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.8227870448556525,2.6250264644622803,2.6140663027763367,1.107064814009565,4.851759756604831,5.133519077301025 +3.3404955126757985,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.8227870448556525,2.6250264644622803,2.6140663027763367,1.107064814009565,4.851759756604831,5.133519077301025 +3.0986154827050925,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.8227870448556525,2.6250264644622803,2.6140663027763367,1.107064814009565,4.851759756604831,5.133519077301025 +3.0973613857240037,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.8227870448556525,2.6250264644622803,2.6140663027763367,1.107064814009565,4.851759756604831,5.133519077301025 +2.8890995662806844,1.9477619387643048,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9477619387643048,1.538751244544983,1.612681046128273,0.5592820330503139,3.9746454457441964,4.775931453704832 +2.9318745821360546,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9477619387643048,1.538751244544983,1.612681046128273,0.5592820330503139,3.9746454457441964,4.775931453704832 +3.0583259370915177,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9477619387643048,1.538751244544983,1.612681046128273,0.5592820330503139,3.9746454457441964,4.775931453704832 +3.1293785954410294,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9477619387643048,1.538751244544983,1.612681046128273,0.5592820330503139,3.9746454457441964,4.775931453704832 +3.078266998158281,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9477619387643048,1.538751244544983,1.612681046128273,0.5592820330503139,3.9746454457441964,4.775931453704832 +3.184317788300854,2.1286031979101674,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1286031979101674,1.6765475273132324,1.7733623683452606,0.9981875267434628,3.9690160801013312,4.875944137573241 +3.05701629668081,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1286031979101674,1.6765475273132324,1.7733623683452606,0.9981875267434628,3.9690160801013312,4.875944137573241 +3.06929086986192,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1286031979101674,1.6765475273132324,1.7733623683452606,0.9981875267434628,3.9690160801013312,4.875944137573241 +3.0531914437430516,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1286031979101674,1.6765475273132324,1.7733623683452606,0.9981875267434628,3.9690160801013312,4.875944137573241 +2.889415854081944,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1286031979101674,1.6765475273132324,1.7733623683452606,0.9981875267434628,3.9690160801013312,4.875944137573241 +3.0440529522173954,2.861830083623765,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.861830083623765,2.4388742446899414,2.551421493291855,1.1181098546119446,5.2821357647577925,6.644926071166992 +3.204212866487635,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.861830083623765,2.4388742446899414,2.551421493291855,1.1181098546119446,5.2821357647577925,6.644926071166992 +3.089347570230275,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.861830083623765,2.4388742446899414,2.551421493291855,1.1181098546119446,5.2821357647577925,6.644926071166992 +2.8494475782114157,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.861830083623765,2.4388742446899414,2.551421493291855,1.1181098546119446,5.2821357647577925,6.644926071166992 +2.8973581606527117,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.861830083623765,2.4388742446899414,2.551421493291855,1.1181098546119446,5.2821357647577925,6.644926071166992 +3.0642238199750165,2.073430485984005,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.073430485984005,1.571967601776123,1.6866336166858673,0.8000242361362945,4.182807674010594,5.4453618049621575 +3.236972039855407,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.073430485984005,1.571967601776123,1.6866336166858673,0.8000242361362945,4.182807674010594,5.4453618049621575 +3.0151880757789815,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.073430485984005,1.571967601776123,1.6866336166858673,0.8000242361362945,4.182807674010594,5.4453618049621575 +2.8053329888937655,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.073430485984005,1.571967601776123,1.6866336166858673,0.8000242361362945,4.182807674010594,5.4453618049621575 +2.7091916453948435,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.073430485984005,1.571967601776123,1.6866336166858673,0.8000242361362945,4.182807674010594,5.4453618049621575 +2.890909390175091,1.8300905667205967,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8300905667205967,1.2990515232086182,1.466090738773346,0.5048927732921661,3.9492146571477256,4.957072734832764 +3.1964167604581664,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8300905667205967,1.2990515232086182,1.466090738773346,0.5048927732921661,3.9492146571477256,4.957072734832764 +3.1057068139786455,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8300905667205967,1.2990515232086182,1.466090738773346,0.5048927732921661,3.9492146571477256,4.957072734832764 +3.0442283670749704,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8300905667205967,1.2990515232086182,1.466090738773346,0.5048927732921661,3.9492146571477256,4.957072734832764 +2.87501427735691,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.8300905667205967,1.2990515232086182,1.466090738773346,0.5048927732921661,3.9492146571477256,4.957072734832764 +3.0088746841004155,1.855344968852858,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.855344968852858,1.3974578380584717,1.4826523214578629,0.46252053738274473,4.037275354067485,5.143357372283935 +2.9776315953494064,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.855344968852858,1.3974578380584717,1.4826523214578629,0.46252053738274473,4.037275354067485,5.143357372283935 +3.136602883760407,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.855344968852858,1.3974578380584717,1.4826523214578629,0.46252053738274473,4.037275354067485,5.143357372283935 +3.028806684317564,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.855344968852858,1.3974578380584717,1.4826523214578629,0.46252053738274473,4.037275354067485,5.143357372283935 +2.910560179138089,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.855344968852858,1.3974578380584717,1.4826523214578629,0.46252053738274473,4.037275354067485,5.143357372283935 +2.9517762514720807,2.376152928465258,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.376152928465258,2.0981647968292236,2.167354792356491,0.8268054872751236,4.317972630262375,5.015917778015137 +3.3086152262690827,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.376152928465258,2.0981647968292236,2.167354792356491,0.8268054872751236,4.317972630262375,5.015917778015137 +2.8756254649374604,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.376152928465258,2.0981647968292236,2.167354792356491,0.8268054872751236,4.317972630262375,5.015917778015137 +3.113095552358275,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.376152928465258,2.0981647968292236,2.167354792356491,0.8268054872751236,4.317972630262375,5.015917778015137 +3.1042271942529327,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.376152928465258,2.0981647968292236,2.167354792356491,0.8268054872751236,4.317972630262375,5.015917778015137 +2.7693394168739585,1.9524298677684138,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9524298677684138,1.6596537828445435,1.7097772657871246,0.5716349019649181,3.9017180452744165,4.787674522399902 +2.934998059139088,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9524298677684138,1.6596537828445435,1.7097772657871246,0.5716349019649181,3.9017180452744165,4.787674522399902 +3.022142982341369,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9524298677684138,1.6596537828445435,1.7097772657871246,0.5716349019649181,3.9017180452744165,4.787674522399902 +2.906926418042749,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9524298677684138,1.6596537828445435,1.7097772657871246,0.5716349019649181,3.9017180452744165,4.787674522399902 +3.0432982666118162,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,1.9524298677684138,1.6596537828445435,1.7097772657871246,0.5716349019649181,3.9017180452744165,4.787674522399902 +3.1797912247419986,2.1634880438368156,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1634880438368156,1.848644495010376,1.9240815937519073,0.7534272626359412,4.121492758393288,5.119216632843017 +2.816412948838639,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1634880438368156,1.848644495010376,1.9240815937519073,0.7534272626359412,4.121492758393288,5.119216632843017 +3.0111197793861177,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1634880438368156,1.848644495010376,1.9240815937519073,0.7534272626359412,4.121492758393288,5.119216632843017 +2.799720471071222,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1634880438368156,1.848644495010376,1.9240815937519073,0.7534272626359412,4.121492758393288,5.119216632843017 +3.0395838356426963,0,1.773271061322361,1.2664047479629517,1.4258743077516556,0.5222762260348239,3.833829089999199,4.770452976226805,2.1634880438368156,1.848644495010376,1.9240815937519073,0.7534272626359412,4.121492758393288,5.119216632843017 +3.08935946053125,1.7334094491033327,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539 +3.055133258348876,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539 +2.9914673381831527,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539 +3.1166303495736423,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539 +2.8757434036376295,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539 +3.0516065864339668,2.2258350343773605,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.2258350343773605,1.7440576553344727,1.9274872839450836,0.8326741073359835,4.259551957249641,4.917760944366455 +3.0146499116337395,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.2258350343773605,1.7440576553344727,1.9274872839450836,0.8326741073359835,4.259551957249641,4.917760944366455 +2.9070744394548336,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.2258350343773605,1.7440576553344727,1.9274872839450836,0.8326741073359835,4.259551957249641,4.917760944366455 +3.007756259950925,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.2258350343773605,1.7440576553344727,1.9274872839450836,0.8326741073359835,4.259551957249641,4.917760944366455 +3.1217345875493767,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.2258350343773605,1.7440576553344727,1.9274872839450836,0.8326741073359835,4.259551957249641,4.917760944366455 +3.057688858428857,2.4047523459429465,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.4047523459429465,1.9160168170928955,2.0410726964473724,1.0920459767605395,4.443344508608182,5.615008735656739 +3.0024188391490787,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.4047523459429465,1.9160168170928955,2.0410726964473724,1.0920459767605395,4.443344508608182,5.615008735656739 +2.9150746299990877,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.4047523459429465,1.9160168170928955,2.0410726964473724,1.0920459767605395,4.443344508608182,5.615008735656739 +2.8794071160866275,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.4047523459429465,1.9160168170928955,2.0410726964473724,1.0920459767605395,4.443344508608182,5.615008735656739 +3.121628763552234,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.4047523459429465,1.9160168170928955,2.0410726964473724,1.0920459767605395,4.443344508608182,5.615008735656739 +3.099838962006852,1.8384018422513413,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.8384018422513413,1.426698923110962,1.4929200261831284,0.572640763476808,3.9387050767739615,4.92420949935913 +3.078643574858561,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.8384018422513413,1.426698923110962,1.4929200261831284,0.572640763476808,3.9387050767739615,4.92420949935913 +3.031836382631891,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.8384018422513413,1.426698923110962,1.4929200261831284,0.572640763476808,3.9387050767739615,4.92420949935913 +3.072116514702271,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.8384018422513413,1.426698923110962,1.4929200261831284,0.572640763476808,3.9387050767739615,4.92420949935913 +3.1973682973032576,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,1.8384018422513413,1.426698923110962,1.4929200261831284,0.572640763476808,3.9387050767739615,4.92420949935913 +2.9303331631469223,2.0461257439126412,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.0461257439126412,1.5593434572219849,1.6838606297969818,0.7675084237088549,4.154204045732816,5.217912769317627 +3.0018796862193966,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.0461257439126412,1.5593434572219849,1.6838606297969818,0.7675084237088549,4.154204045732816,5.217912769317627 +2.9119123788575068,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.0461257439126412,1.5593434572219849,1.6838606297969818,0.7675084237088549,4.154204045732816,5.217912769317627 +3.0049093154143534,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.0461257439126412,1.5593434572219849,1.6838606297969818,0.7675084237088549,4.154204045732816,5.217912769317627 +2.9026126569250015,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.0461257439126412,1.5593434572219849,1.6838606297969818,0.7675084237088549,4.154204045732816,5.217912769317627 +2.904973212029972,2.158397700578447,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.158397700578447,1.7430475950241089,1.8782502114772797,0.7868890362851163,4.07265538473924,4.473678207397461 +2.844528251909958,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.158397700578447,1.7430475950241089,1.8782502114772797,0.7868890362851163,4.07265538473924,4.473678207397461 +2.9872029744540796,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.158397700578447,1.7430475950241089,1.8782502114772797,0.7868890362851163,4.07265538473924,4.473678207397461 +2.940373656421035,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.158397700578447,1.7430475950241089,1.8782502114772797,0.7868890362851163,4.07265538473924,4.473678207397461 +2.7930148917798316,0,1.7334094491033327,1.4737918376922607,1.5010768324136734,0.5003108643787972,3.5314975678920746,4.19612808227539,2.158397700578447,1.7430475950241089,1.8782502114772797,0.7868890362851163,4.07265538473924,4.473678207397461 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_0/model.pth b/MiAlgo/trained_models/fc4_cwp/fold_0/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..1cb92a7408c8a181a4af7a811972725aaf5c09af --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_0/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c46f1185706d3ee09635ab17ce9571bdba70dbddc912ce4bb41a89d52b429870 +size 6839487 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_0/network.txt b/MiAlgo/trained_models/fc4_cwp/fold_0/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..1ed85bb2dd441f8f2138348e3d7649534b5504c9 --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_0/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 4, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/trained_models/fc4_cwp/fold_1/metrics.csv b/MiAlgo/trained_models/fc4_cwp/fold_1/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..b36a3ff7812836a33c2bb0cf7e40c1e1910bce4c --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_1/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +14.060506233802208,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.830100912946605,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.466511834442457,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.366272313525252,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.291793027591327,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.847349130190336,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.012904172076471,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +10.716405777384178,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +10.184140743880436,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +10.017976394422174,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +10.376916508775807,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +10.048808312068251,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +9.81038244787989,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +9.722360881080046,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +9.784119070682982,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +9.123770720821952,15.487481941103312,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203 +9.354739307329572,0,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203 +7.765050141066708,0,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203 +7.0411831277276855,0,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203 +6.707807467929248,0,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203,15.487481941103312,15.711397171020508,15.344926834106445,8.970727352385826,22.014947295188904,19.943347930908203 +6.1107950239425,14.511066962911196,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586 +5.650223491402141,0,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586 +6.543886231174519,0,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586 +6.007316462814176,0,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586 +5.871854541551529,0,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586,14.511066962911196,15.745500564575195,15.244827628135681,5.682308123466816,21.214302738507588,22.532888412475586 +5.6120634717713616,10.15960535641116,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709 +5.772315902324191,0,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709 +5.813539482475275,0,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709 +5.839700434742303,0,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709 +5.188027063320423,0,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709,10.15960535641116,10.844368934631348,10.44659799337387,3.622521311678785,15.731210768222809,17.13010311126709 +5.238700725770597,6.232726756190754,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738 +5.618079922520197,0,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738 +5.542630452771402,0,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738 +5.38520310123498,0,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738 +5.149219354738133,0,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738,6.232726756190754,6.343471527099609,6.218668699264526,3.1636531910997756,9.282800594965616,10.607586860656738 +5.15678996219243,5.589957547749524,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197 +5.135961739548954,0,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197 +5.547236801004062,0,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197 +5.0305806283767405,0,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197 +5.452882135637717,0,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197,5.589957547749524,5.361546993255615,5.359244704246521,3.109104129862278,8.483855058749517,9.648661136627197 +5.418080860328927,4.779616347782275,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232 +4.901709103853064,0,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232 +5.255572396342887,0,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232 +5.271610988269434,0,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232 +4.8480989351987205,0,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232,4.779616347782275,4.4516191482543945,4.548400163650513,2.349240041793661,7.704798340797424,8.393588542938232 +5.322899360575316,4.489500458327887,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578 +4.662161699893936,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578 +5.067366602803415,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578 +4.835526585322002,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578 +5.1717226925041695,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578 +5.308660264040494,5.233162875574921,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,5.233162875574921,4.9362592697143555,4.920926213264465,1.8262241013506626,9.343350460131964,11.167839050292969 +4.877356202991319,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,5.233162875574921,4.9362592697143555,4.920926213264465,1.8262241013506626,9.343350460131964,11.167839050292969 +5.5169289340944445,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,5.233162875574921,4.9362592697143555,4.920926213264465,1.8262241013506626,9.343350460131964,11.167839050292969 +4.669619028859176,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,5.233162875574921,4.9362592697143555,4.920926213264465,1.8262241013506626,9.343350460131964,11.167839050292969 +5.098686746956499,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,5.233162875574921,4.9362592697143555,4.920926213264465,1.8262241013506626,9.343350460131964,11.167839050292969 +4.757809334748304,4.615382016329241,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.615382016329241,4.266776084899902,4.336263358592987,2.3446942859507622,7.503849109013875,8.717446327209473 +4.7214790161708935,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.615382016329241,4.266776084899902,4.336263358592987,2.3446942859507622,7.503849109013875,8.717446327209473 +4.864939471435009,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.615382016329241,4.266776084899902,4.336263358592987,2.3446942859507622,7.503849109013875,8.717446327209473 +4.905069829614472,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.615382016329241,4.266776084899902,4.336263358592987,2.3446942859507622,7.503849109013875,8.717446327209473 +4.88391904473621,0,4.489500458327887,3.9721713066101074,4.088441967964172,1.8280946371403146,7.985620280106862,9.363849639892578,4.615382016329241,4.266776084899902,4.336263358592987,2.3446942859507622,7.503849109013875,8.717446327209473 +4.914303606400756,3.8936311162579123,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195 +4.786047982086553,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195 +4.902805041077125,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195 +4.811354421652281,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195 +4.470764199919031,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195 +4.924783273780378,5.172709090625428,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,5.172709090625428,4.592010974884033,4.67171511054039,2.2563113814338727,9.04262595375379,10.50930643081665 +4.814237342569335,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,5.172709090625428,4.592010974884033,4.67171511054039,2.2563113814338727,9.04262595375379,10.50930643081665 +4.767294635032785,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,5.172709090625428,4.592010974884033,4.67171511054039,2.2563113814338727,9.04262595375379,10.50930643081665 +4.697337253300834,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,5.172709090625428,4.592010974884033,4.67171511054039,2.2563113814338727,9.04262595375379,10.50930643081665 +4.634110664222538,0,3.8936311162579123,3.4490091800689697,3.5089100301265717,1.9634430560659855,6.633745243151982,7.378557205200195,5.172709090625428,4.592010974884033,4.67171511054039,2.2563113814338727,9.04262595375379,10.50930643081665 +4.543999663319449,3.7603936850712563,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436 +4.507404123381057,0,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436 +4.889038518505957,0,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436 +5.169256986452351,0,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436 +4.315039623558363,0,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436,3.7603936850712563,3.299186944961548,3.40422585606575,1.6790533091159576,6.578827043374379,7.44855523109436 +4.731046328968332,3.38638525323562,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839 +4.726483010328733,0,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839 +4.919641532418899,0,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839 +4.922947935384528,0,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839 +4.54482180658797,0,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839,3.38638525323562,3.034026622772217,3.0051849484443665,1.0836685475833872,6.401025185982387,7.584467649459839 +4.510918982109594,3.2317500918791557,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338 +5.016018600793511,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338 +4.775531280341136,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338 +4.679930793412959,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338 +4.408186933504966,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338 +4.532090938277048,4.374425303210451,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.374425303210451,3.4444079399108887,3.788246750831604,1.3902188791556562,8.85127161939939,10.477096557617188 +4.546382185457082,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.374425303210451,3.4444079399108887,3.788246750831604,1.3902188791556562,8.85127161939939,10.477096557617188 +4.735234236369399,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.374425303210451,3.4444079399108887,3.788246750831604,1.3902188791556562,8.85127161939939,10.477096557617188 +4.717927274835205,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.374425303210451,3.4444079399108887,3.788246750831604,1.3902188791556562,8.85127161939939,10.477096557617188 +4.48101536056091,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.374425303210451,3.4444079399108887,3.788246750831604,1.3902188791556562,8.85127161939939,10.477096557617188 +4.338131494405099,4.144943146805488,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.144943146805488,3.7219433784484863,3.8386663496494293,1.8029233927422381,7.14336770772934,8.470633506774902 +4.774067546035946,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.144943146805488,3.7219433784484863,3.8386663496494293,1.8029233927422381,7.14336770772934,8.470633506774902 +4.601351276277231,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.144943146805488,3.7219433784484863,3.8386663496494293,1.8029233927422381,7.14336770772934,8.470633506774902 +4.699042687681689,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.144943146805488,3.7219433784484863,3.8386663496494293,1.8029233927422381,7.14336770772934,8.470633506774902 +4.312736626467433,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.144943146805488,3.7219433784484863,3.8386663496494293,1.8029233927422381,7.14336770772934,8.470633506774902 +4.397546186568882,3.860770497490598,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.860770497490598,3.0703928470611572,3.1637603640556335,1.1423942833504779,7.985581209262212,10.261491775512695 +4.4109418856212255,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.860770497490598,3.0703928470611572,3.1637603640556335,1.1423942833504779,7.985581209262212,10.261491775512695 +4.3645301035331165,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.860770497490598,3.0703928470611572,3.1637603640556335,1.1423942833504779,7.985581209262212,10.261491775512695 +4.44146475907346,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.860770497490598,3.0703928470611572,3.1637603640556335,1.1423942833504779,7.985581209262212,10.261491775512695 +4.3174592057336865,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.860770497490598,3.0703928470611572,3.1637603640556335,1.1423942833504779,7.985581209262212,10.261491775512695 +4.378234575534689,3.3117230799809803,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.3117230799809803,2.6418988704681396,2.86392180621624,1.0650961297623656,6.733751565217972,7.945542097091675 +4.240381686377589,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.3117230799809803,2.6418988704681396,2.86392180621624,1.0650961297623656,6.733751565217972,7.945542097091675 +4.35308448304311,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.3117230799809803,2.6418988704681396,2.86392180621624,1.0650961297623656,6.733751565217972,7.945542097091675 +4.606245697098006,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.3117230799809803,2.6418988704681396,2.86392180621624,1.0650961297623656,6.733751565217972,7.945542097091675 +4.320229734859827,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,3.3117230799809803,2.6418988704681396,2.86392180621624,1.0650961297623656,6.733751565217972,7.945542097091675 +4.512739598751068,4.08879460495804,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.08879460495804,3.51335072517395,3.6998386085033417,1.7333663334237768,7.289726426204045,8.837755680084229 +4.293100686699389,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.08879460495804,3.51335072517395,3.6998386085033417,1.7333663334237768,7.289726426204045,8.837755680084229 +4.102878090557432,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.08879460495804,3.51335072517395,3.6998386085033417,1.7333663334237768,7.289726426204045,8.837755680084229 +4.669562017154789,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.08879460495804,3.51335072517395,3.6998386085033417,1.7333663334237768,7.289726426204045,8.837755680084229 +4.131012093977366,0,3.2317500918791557,2.372318744659424,2.614160105586052,0.8323581469185809,6.938047548135121,8.266554355621338,4.08879460495804,3.51335072517395,3.6998386085033417,1.7333663334237768,7.289726426204045,8.837755680084229 +4.416339769623482,3.2264662594461315,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812 +4.097817625030283,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812 +4.391891696645979,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812 +4.118195622171268,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812 +4.095899554083139,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812 +4.432347268103288,3.356625192608509,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.356625192608509,2.807422399520874,2.9368041306734085,1.3266984839388665,6.273387273152669,7.6142261028289795 +4.4058923031591295,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.356625192608509,2.807422399520874,2.9368041306734085,1.3266984839388665,6.273387273152669,7.6142261028289795 +4.118605621435756,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.356625192608509,2.807422399520874,2.9368041306734085,1.3266984839388665,6.273387273152669,7.6142261028289795 +4.155526186608825,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.356625192608509,2.807422399520874,2.9368041306734085,1.3266984839388665,6.273387273152669,7.6142261028289795 +4.605742946939063,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.356625192608509,2.807422399520874,2.9368041306734085,1.3266984839388665,6.273387273152669,7.6142261028289795 +4.341615197809527,3.9504725538311205,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.9504725538311205,3.6302220821380615,3.6752959191799164,1.8618549609437902,6.707917739947637,7.132313251495361 +4.282957409911194,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.9504725538311205,3.6302220821380615,3.6752959191799164,1.8618549609437902,6.707917739947637,7.132313251495361 +4.339995277180912,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.9504725538311205,3.6302220821380615,3.6752959191799164,1.8618549609437902,6.707917739947637,7.132313251495361 +4.488540240304065,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.9504725538311205,3.6302220821380615,3.6752959191799164,1.8618549609437902,6.707917739947637,7.132313251495361 +4.206692235480094,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,3.9504725538311205,3.6302220821380615,3.6752959191799164,1.8618549609437902,6.707917739947637,7.132313251495361 +4.2781548508756675,4.1010344283977105,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,4.1010344283977105,3.554295539855957,3.6969530284404755,1.5389246102026168,7.614781548579534,9.2006516456604 +4.145003441395114,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,4.1010344283977105,3.554295539855957,3.6969530284404755,1.5389246102026168,7.614781548579534,9.2006516456604 +4.143188833577722,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,4.1010344283977105,3.554295539855957,3.6969530284404755,1.5389246102026168,7.614781548579534,9.2006516456604 +4.053169650289993,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,4.1010344283977105,3.554295539855957,3.6969530284404755,1.5389246102026168,7.614781548579534,9.2006516456604 +4.085262458168701,0,3.2264662594461315,2.6175589561462402,2.737776204943657,0.9371996815217302,6.55774199962616,8.091830968856812,4.1010344283977105,3.554295539855957,3.6969530284404755,1.5389246102026168,7.614781548579534,9.2006516456604 +4.14586186179748,2.99698274886889,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249 +4.213749750638356,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249 +4.298585673443361,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249 +4.083983621404405,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249 +4.0030125311973555,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249 +4.193408679977969,4.623886177131019,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,4.623886177131019,4.1859130859375,4.2860067486763,2.0599931862126004,7.962492197751999,8.625869274139404 +3.9342952122422683,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,4.623886177131019,4.1859130859375,4.2860067486763,2.0599931862126004,7.962492197751999,8.625869274139404 +3.999828213959221,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,4.623886177131019,4.1859130859375,4.2860067486763,2.0599931862126004,7.962492197751999,8.625869274139404 +4.213163336328866,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,4.623886177131019,4.1859130859375,4.2860067486763,2.0599931862126004,7.962492197751999,8.625869274139404 +4.3381478644571505,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,4.623886177131019,4.1859130859375,4.2860067486763,2.0599931862126004,7.962492197751999,8.625869274139404 +3.9691897757766417,3.072869791917464,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.072869791917464,2.6657962799072266,2.708421602845192,0.9657693766850106,5.977276196082433,7.114837169647217 +4.203810149383798,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.072869791917464,2.6657962799072266,2.708421602845192,0.9657693766850106,5.977276196082433,7.114837169647217 +4.194485835355536,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.072869791917464,2.6657962799072266,2.708421602845192,0.9657693766850106,5.977276196082433,7.114837169647217 +4.0542732556239365,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.072869791917464,2.6657962799072266,2.708421602845192,0.9657693766850106,5.977276196082433,7.114837169647217 +3.8995193759626674,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.072869791917464,2.6657962799072266,2.708421602845192,0.9657693766850106,5.977276196082433,7.114837169647217 +4.021906078257042,3.719184060683425,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.719184060683425,3.0291192531585693,3.212485909461975,1.3067210063021233,7.432726889848709,9.384835243225098 +3.98263860013662,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.719184060683425,3.0291192531585693,3.212485909461975,1.3067210063021233,7.432726889848709,9.384835243225098 +4.136259949116397,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.719184060683425,3.0291192531585693,3.212485909461975,1.3067210063021233,7.432726889848709,9.384835243225098 +3.872707454848353,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.719184060683425,3.0291192531585693,3.212485909461975,1.3067210063021233,7.432726889848709,9.384835243225098 +4.280189003726216,0,2.99698274886889,2.1606640815734863,2.4205868244171143,0.7665380884675269,6.663123240073522,8.59955358505249,3.719184060683425,3.0291192531585693,3.212485909461975,1.3067210063021233,7.432726889848709,9.384835243225098 +4.0889062445502065,2.8669969357199068,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031 +4.0017527647771,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031 +4.131505454191321,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031 +4.301378895061718,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031 +4.251005276602839,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031 +3.8634622023497713,2.9083107631868095,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.9083107631868095,2.075845956802368,2.365036725997925,0.9654892568892621,6.111374308665593,7.100008487701416 +4.234679295229343,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.9083107631868095,2.075845956802368,2.365036725997925,0.9654892568892621,6.111374308665593,7.100008487701416 +3.6935536047784656,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.9083107631868095,2.075845956802368,2.365036725997925,0.9654892568892621,6.111374308665593,7.100008487701416 +3.896768687495502,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.9083107631868095,2.075845956802368,2.365036725997925,0.9654892568892621,6.111374308665593,7.100008487701416 +4.038935893331345,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,2.9083107631868095,2.075845956802368,2.365036725997925,0.9654892568892621,6.111374308665593,7.100008487701416 +4.239337049187495,3.221750732647811,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.221750732647811,2.5973658561706543,2.718011438846588,1.0780236676652382,6.441574106613795,7.436294317245483 +4.1700736975163935,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.221750732647811,2.5973658561706543,2.718011438846588,1.0780236676652382,6.441574106613795,7.436294317245483 +3.900662398148595,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.221750732647811,2.5973658561706543,2.718011438846588,1.0780236676652382,6.441574106613795,7.436294317245483 +3.9341269078163,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.221750732647811,2.5973658561706543,2.718011438846588,1.0780236676652382,6.441574106613795,7.436294317245483 +3.893237092648324,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.221750732647811,2.5973658561706543,2.718011438846588,1.0780236676652382,6.441574106613795,7.436294317245483 +4.4306393420269385,3.6887268704893703,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6887268704893703,2.9816343784332275,3.192537784576416,1.5614700761247189,7.006565084060033,8.667194366455078 +3.98625901859224,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6887268704893703,2.9816343784332275,3.192537784576416,1.5614700761247189,7.006565084060033,8.667194366455078 +4.113304286622084,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6887268704893703,2.9816343784332275,3.192537784576416,1.5614700761247189,7.006565084060033,8.667194366455078 +3.897163905025477,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6887268704893703,2.9816343784332275,3.192537784576416,1.5614700761247189,7.006565084060033,8.667194366455078 +4.072086187588441,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6887268704893703,2.9816343784332275,3.192537784576416,1.5614700761247189,7.006565084060033,8.667194366455078 +4.277489314048455,3.51821410687182,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.51821410687182,2.7890944480895996,2.950946643948555,1.258796472498711,6.899313082297643,7.890746116638184 +4.031128263520942,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.51821410687182,2.7890944480895996,2.950946643948555,1.258796472498711,6.899313082297643,7.890746116638184 +3.9421168778990876,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.51821410687182,2.7890944480895996,2.950946643948555,1.258796472498711,6.899313082297643,7.890746116638184 +3.7888732739484596,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.51821410687182,2.7890944480895996,2.950946643948555,1.258796472498711,6.899313082297643,7.890746116638184 +3.8944362606705027,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.51821410687182,2.7890944480895996,2.950946643948555,1.258796472498711,6.899313082297643,7.890746116638184 +3.984308467975346,4.615969662266876,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.615969662266876,4.083126544952393,4.175958931446075,2.049656408898374,8.056508272886276,9.282194137573242 +4.18825009763636,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.615969662266876,4.083126544952393,4.175958931446075,2.049656408898374,8.056508272886276,9.282194137573242 +4.325066644767551,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.615969662266876,4.083126544952393,4.175958931446075,2.049656408898374,8.056508272886276,9.282194137573242 +4.005314681194822,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.615969662266876,4.083126544952393,4.175958931446075,2.049656408898374,8.056508272886276,9.282194137573242 +3.8158534219394626,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.615969662266876,4.083126544952393,4.175958931446075,2.049656408898374,8.056508272886276,9.282194137573242 +3.9476237648243298,3.9714830605147395,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.9714830605147395,3.3547966480255127,3.438563734292984,1.6062631645101182,7.4119557936986284,9.200842380523682 +4.142356521610556,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.9714830605147395,3.3547966480255127,3.438563734292984,1.6062631645101182,7.4119557936986284,9.200842380523682 +3.8507015207283377,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.9714830605147395,3.3547966480255127,3.438563734292984,1.6062631645101182,7.4119557936986284,9.200842380523682 +4.133906317425185,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.9714830605147395,3.3547966480255127,3.438563734292984,1.6062631645101182,7.4119557936986284,9.200842380523682 +3.9266529952025224,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.9714830605147395,3.3547966480255127,3.438563734292984,1.6062631645101182,7.4119557936986284,9.200842380523682 +4.037366839496305,3.851796664180556,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.851796664180556,3.157031297683716,3.35158933699131,0.9269534336759689,7.91221018632253,9.206722736358643 +3.9252484221041044,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.851796664180556,3.157031297683716,3.35158933699131,0.9269534336759689,7.91221018632253,9.206722736358643 +3.88015616649579,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.851796664180556,3.157031297683716,3.35158933699131,0.9269534336759689,7.91221018632253,9.206722736358643 +3.9119861410530556,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.851796664180556,3.157031297683716,3.35158933699131,0.9269534336759689,7.91221018632253,9.206722736358643 +4.00819166182523,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.851796664180556,3.157031297683716,3.35158933699131,0.9269534336759689,7.91221018632253,9.206722736358643 +3.746462932355524,3.098021155642589,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.098021155642589,2.5009243488311768,2.5553799718618393,0.8123964264671854,6.5843565464019775,8.040308952331543 +3.809614965469831,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.098021155642589,2.5009243488311768,2.5553799718618393,0.8123964264671854,6.5843565464019775,8.040308952331543 +3.7295476035746087,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.098021155642589,2.5009243488311768,2.5553799718618393,0.8123964264671854,6.5843565464019775,8.040308952331543 +4.097845896880886,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.098021155642589,2.5009243488311768,2.5553799718618393,0.8123964264671854,6.5843565464019775,8.040308952331543 +4.066369259764566,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.098021155642589,2.5009243488311768,2.5553799718618393,0.8123964264671854,6.5843565464019775,8.040308952331543 +3.8523230894965264,4.54575347619531,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.54575347619531,3.867258310317993,3.9433704614639282,1.755952204795594,8.530099779367447,11.097020626068115 +4.217235457122484,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.54575347619531,3.867258310317993,3.9433704614639282,1.755952204795594,8.530099779367447,11.097020626068115 +3.8357653048887492,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.54575347619531,3.867258310317993,3.9433704614639282,1.755952204795594,8.530099779367447,11.097020626068115 +3.8238668266476306,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.54575347619531,3.867258310317993,3.9433704614639282,1.755952204795594,8.530099779367447,11.097020626068115 +3.679125854780092,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.54575347619531,3.867258310317993,3.9433704614639282,1.755952204795594,8.530099779367447,11.097020626068115 +4.039488424396326,3.5634434436940396,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.5634434436940396,3.19579815864563,3.1064043790102005,1.067320816694422,7.052082647879918,8.942471981048584 +3.832039759155926,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.5634434436940396,3.19579815864563,3.1064043790102005,1.067320816694422,7.052082647879918,8.942471981048584 +3.778213701154098,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.5634434436940396,3.19579815864563,3.1064043790102005,1.067320816694422,7.052082647879918,8.942471981048584 +4.229684579119442,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.5634434436940396,3.19579815864563,3.1064043790102005,1.067320816694422,7.052082647879918,8.942471981048584 +3.7805189814626066,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.5634434436940396,3.19579815864563,3.1064043790102005,1.067320816694422,7.052082647879918,8.942471981048584 +3.8186279709403963,4.9159723905680695,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.9159723905680695,4.8492913246154785,4.768860697746277,1.6860452224599554,8.316555599371592,9.740838050842285 +3.7736618128513784,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.9159723905680695,4.8492913246154785,4.768860697746277,1.6860452224599554,8.316555599371592,9.740838050842285 +3.891483871547866,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.9159723905680695,4.8492913246154785,4.768860697746277,1.6860452224599554,8.316555599371592,9.740838050842285 +3.9053771943446813,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.9159723905680695,4.8492913246154785,4.768860697746277,1.6860452224599554,8.316555599371592,9.740838050842285 +3.8978631753148387,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.9159723905680695,4.8492913246154785,4.768860697746277,1.6860452224599554,8.316555599371592,9.740838050842285 +3.7647423514162512,5.660924289239015,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,5.660924289239015,5.4045023918151855,5.365209519863129,2.3616730532747634,9.473239163557688,10.89412784576416 +3.836620469664073,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,5.660924289239015,5.4045023918151855,5.365209519863129,2.3616730532747634,9.473239163557688,10.89412784576416 +3.8591599285365414,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,5.660924289239015,5.4045023918151855,5.365209519863129,2.3616730532747634,9.473239163557688,10.89412784576416 +3.971463205406457,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,5.660924289239015,5.4045023918151855,5.365209519863129,2.3616730532747634,9.473239163557688,10.89412784576416 +3.640247816630004,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,5.660924289239015,5.4045023918151855,5.365209519863129,2.3616730532747634,9.473239163557688,10.89412784576416 +3.838083278931262,6.3449743663141245,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,6.3449743663141245,6.233192443847656,6.186239182949066,3.1317346178470773,9.943250954151154,10.9954252243042 +3.7984675353575765,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,6.3449743663141245,6.233192443847656,6.186239182949066,3.1317346178470773,9.943250954151154,10.9954252243042 +3.567517619589912,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,6.3449743663141245,6.233192443847656,6.186239182949066,3.1317346178470773,9.943250954151154,10.9954252243042 +3.816658854504321,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,6.3449743663141245,6.233192443847656,6.186239182949066,3.1317346178470773,9.943250954151154,10.9954252243042 +3.920161766541099,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,6.3449743663141245,6.233192443847656,6.186239182949066,3.1317346178470773,9.943250954151154,10.9954252243042 +3.843517299514234,3.928454321092336,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.928454321092336,3.14728045463562,3.276449739933014,1.6503667298783646,7.5889119903246565,9.926435947418213 +3.8750567585229874,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.928454321092336,3.14728045463562,3.276449739933014,1.6503667298783646,7.5889119903246565,9.926435947418213 +3.6951157768462,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.928454321092336,3.14728045463562,3.276449739933014,1.6503667298783646,7.5889119903246565,9.926435947418213 +3.9165691864980627,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.928454321092336,3.14728045463562,3.276449739933014,1.6503667298783646,7.5889119903246565,9.926435947418213 +3.8122757475042532,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.928454321092336,3.14728045463562,3.276449739933014,1.6503667298783646,7.5889119903246565,9.926435947418213 +3.722653443127159,3.866167890151758,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.866167890151758,3.3515853881835938,3.3972222805023193,1.277076265913375,7.331604689359665,8.562166690826416 +3.60658920170932,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.866167890151758,3.3515853881835938,3.3972222805023193,1.277076265913375,7.331604689359665,8.562166690826416 +3.6139094678176176,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.866167890151758,3.3515853881835938,3.3972222805023193,1.277076265913375,7.331604689359665,8.562166690826416 +3.6435373847419767,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.866167890151758,3.3515853881835938,3.3972222805023193,1.277076265913375,7.331604689359665,8.562166690826416 +3.9303763828163754,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.866167890151758,3.3515853881835938,3.3972222805023193,1.277076265913375,7.331604689359665,8.562166690826416 +3.851637051161626,3.151613230870656,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.151613230870656,2.564603805541992,2.687740981578827,1.100772795842049,6.249407519896825,7.685626745223999 +3.7506623154293637,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.151613230870656,2.564603805541992,2.687740981578827,1.100772795842049,6.249407519896825,7.685626745223999 +3.838521822259344,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.151613230870656,2.564603805541992,2.687740981578827,1.100772795842049,6.249407519896825,7.685626745223999 +3.389076332317107,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.151613230870656,2.564603805541992,2.687740981578827,1.100772795842049,6.249407519896825,7.685626745223999 +3.7990238074835796,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.151613230870656,2.564603805541992,2.687740981578827,1.100772795842049,6.249407519896825,7.685626745223999 +3.768221709906897,3.23553294173554,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.23553294173554,2.591632127761841,2.774284854531288,1.0460711899907031,6.486375540494919,8.03378677368164 +3.764648390128537,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.23553294173554,2.591632127761841,2.774284854531288,1.0460711899907031,6.486375540494919,8.03378677368164 +3.7313231918516148,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.23553294173554,2.591632127761841,2.774284854531288,1.0460711899907031,6.486375540494919,8.03378677368164 +3.9470262664619744,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.23553294173554,2.591632127761841,2.774284854531288,1.0460711899907031,6.486375540494919,8.03378677368164 +3.6885351038658967,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.23553294173554,2.591632127761841,2.774284854531288,1.0460711899907031,6.486375540494919,8.03378677368164 +3.699233764678793,4.688338835357995,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.688338835357995,4.227209568023682,4.323007792234421,2.4032061715075312,7.720475256443024,8.929369926452637 +3.899402374258408,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.688338835357995,4.227209568023682,4.323007792234421,2.4032061715075312,7.720475256443024,8.929369926452637 +3.652913638230028,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.688338835357995,4.227209568023682,4.323007792234421,2.4032061715075312,7.720475256443024,8.929369926452637 +3.746957641579112,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.688338835357995,4.227209568023682,4.323007792234421,2.4032061715075312,7.720475256443024,8.929369926452637 +3.749359223033136,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.688338835357995,4.227209568023682,4.323007792234421,2.4032061715075312,7.720475256443024,8.929369926452637 +3.871201229111269,3.899148335631605,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.899148335631605,2.9811089038848877,3.1337101459503174,1.4560393779835803,7.943970133860906,10.434370040893555 +3.858446166413374,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.899148335631605,2.9811089038848877,3.1337101459503174,1.4560393779835803,7.943970133860906,10.434370040893555 +3.7234236918962917,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.899148335631605,2.9811089038848877,3.1337101459503174,1.4560393779835803,7.943970133860906,10.434370040893555 +3.5717682821246295,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.899148335631605,2.9811089038848877,3.1337101459503174,1.4560393779835803,7.943970133860906,10.434370040893555 +3.7257638273054154,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.899148335631605,2.9811089038848877,3.1337101459503174,1.4560393779835803,7.943970133860906,10.434370040893555 +3.9836409365071543,4.35845393816214,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.35845393816214,3.835736036300659,3.9722625613212585,1.7554322874292414,7.695966253678004,8.698356628417969 +3.844484853254389,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.35845393816214,3.835736036300659,3.9722625613212585,1.7554322874292414,7.695966253678004,8.698356628417969 +3.7912891634816517,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.35845393816214,3.835736036300659,3.9722625613212585,1.7554322874292414,7.695966253678004,8.698356628417969 +3.8075881627652626,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.35845393816214,3.835736036300659,3.9722625613212585,1.7554322874292414,7.695966253678004,8.698356628417969 +3.848298776529196,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.35845393816214,3.835736036300659,3.9722625613212585,1.7554322874292414,7.695966253678004,8.698356628417969 +3.6265325834406466,4.023313618299224,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.023313618299224,3.0203816890716553,3.2865659296512604,1.16972420507289,8.730475713809332,11.264547348022461 +3.758528409095911,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.023313618299224,3.0203816890716553,3.2865659296512604,1.16972420507289,8.730475713809332,11.264547348022461 +4.033004271573033,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.023313618299224,3.0203816890716553,3.2865659296512604,1.16972420507289,8.730475713809332,11.264547348022461 +3.821574574756369,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.023313618299224,3.0203816890716553,3.2865659296512604,1.16972420507289,8.730475713809332,11.264547348022461 +3.6515359704627284,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.023313618299224,3.0203816890716553,3.2865659296512604,1.16972420507289,8.730475713809332,11.264547348022461 +3.7173566282467436,3.3595277500090175,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.3595277500090175,2.712815523147583,2.8908159136772156,1.1686042160429853,6.607204169034958,8.137708187103271 +3.790296676363648,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.3595277500090175,2.712815523147583,2.8908159136772156,1.1686042160429853,6.607204169034958,8.137708187103271 +3.665951544670907,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.3595277500090175,2.712815523147583,2.8908159136772156,1.1686042160429853,6.607204169034958,8.137708187103271 +3.6783809099020313,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.3595277500090175,2.712815523147583,2.8908159136772156,1.1686042160429853,6.607204169034958,8.137708187103271 +3.7161865113624213,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.3595277500090175,2.712815523147583,2.8908159136772156,1.1686042160429853,6.607204169034958,8.137708187103271 +3.560925572102677,3.7451538245793414,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.7451538245793414,2.940380573272705,3.1034504026174545,1.1908057238510315,7.765834768613179,9.765409469604492 +3.5874242777849696,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.7451538245793414,2.940380573272705,3.1034504026174545,1.1908057238510315,7.765834768613179,9.765409469604492 +3.4577012854956823,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.7451538245793414,2.940380573272705,3.1034504026174545,1.1908057238510315,7.765834768613179,9.765409469604492 +3.4764912277855355,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.7451538245793414,2.940380573272705,3.1034504026174545,1.1908057238510315,7.765834768613179,9.765409469604492 +3.581856186257117,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.7451538245793414,2.940380573272705,3.1034504026174545,1.1908057238510315,7.765834768613179,9.765409469604492 +3.6042004923684527,4.944780201968098,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.944780201968098,4.505282878875732,4.591274410486221,2.2438061116857733,8.336797465880712,9.505264282226562 +3.829202121761022,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.944780201968098,4.505282878875732,4.591274410486221,2.2438061116857733,8.336797465880712,9.505264282226562 +3.875449196946874,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.944780201968098,4.505282878875732,4.591274410486221,2.2438061116857733,8.336797465880712,9.505264282226562 +3.381532360016509,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.944780201968098,4.505282878875732,4.591274410486221,2.2438061116857733,8.336797465880712,9.505264282226562 +3.446024753252138,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.944780201968098,4.505282878875732,4.591274410486221,2.2438061116857733,8.336797465880712,9.505264282226562 +3.577607938995096,4.649918674408453,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.649918674408453,3.9843790531158447,4.14502078294754,2.118844284339154,8.33029443025589,10.531375885009766 +3.8383733077414472,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.649918674408453,3.9843790531158447,4.14502078294754,2.118844284339154,8.33029443025589,10.531375885009766 +3.7056069749577922,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.649918674408453,3.9843790531158447,4.14502078294754,2.118844284339154,8.33029443025589,10.531375885009766 +3.6382740305178363,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.649918674408453,3.9843790531158447,4.14502078294754,2.118844284339154,8.33029443025589,10.531375885009766 +3.503692592644881,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,4.649918674408453,3.9843790531158447,4.14502078294754,2.118844284339154,8.33029443025589,10.531375885009766 +3.60431900778563,3.6026064966517595,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6026064966517595,2.968672275543213,3.1030812561511993,1.2658044648297289,7.045274833838145,8.205489158630371 +3.7119087917972307,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6026064966517595,2.968672275543213,3.1030812561511993,1.2658044648297289,7.045274833838145,8.205489158630371 +3.463075174043444,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6026064966517595,2.968672275543213,3.1030812561511993,1.2658044648297289,7.045274833838145,8.205489158630371 +3.6660113361533186,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6026064966517595,2.968672275543213,3.1030812561511993,1.2658044648297289,7.045274833838145,8.205489158630371 +3.7905754581765723,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.6026064966517595,2.968672275543213,3.1030812561511993,1.2658044648297289,7.045274833838145,8.205489158630371 +3.616734505114726,3.710047624030038,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.710047624030038,3.113384485244751,3.2331239879131317,1.5771562881926273,6.834963937600453,7.923256158828735 +3.606261575569841,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.710047624030038,3.113384485244751,3.2331239879131317,1.5771562881926273,6.834963937600453,7.923256158828735 +3.8050078316060554,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.710047624030038,3.113384485244751,3.2331239879131317,1.5771562881926273,6.834963937600453,7.923256158828735 +3.672277779493787,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.710047624030038,3.113384485244751,3.2331239879131317,1.5771562881926273,6.834963937600453,7.923256158828735 +3.6911590267713885,0,2.8669969357199068,1.9362367391586304,2.287020370364189,0.7423268184065819,6.258135259151459,7.851448059082031,3.710047624030038,3.113384485244751,3.2331239879131317,1.5771562881926273,6.834963937600453,7.923256158828735 +3.7967124871455074,2.8409391689597,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845 +3.5810686365679025,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845 +3.3801098540820558,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845 +3.6696265069496095,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845 +3.7656953317417075,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845 +3.844441165895614,4.033745135000239,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.033745135000239,3.4443509578704834,3.6287626028060913,1.771804432919685,7.100965191920598,7.554769992828369 +3.6970918109190873,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.033745135000239,3.4443509578704834,3.6287626028060913,1.771804432919685,7.100965191920598,7.554769992828369 +3.745265792156088,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.033745135000239,3.4443509578704834,3.6287626028060913,1.771804432919685,7.100965191920598,7.554769992828369 +3.578427111932548,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.033745135000239,3.4443509578704834,3.6287626028060913,1.771804432919685,7.100965191920598,7.554769992828369 +3.610648689025751,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.033745135000239,3.4443509578704834,3.6287626028060913,1.771804432919685,7.100965191920598,7.554769992828369 +3.5140134488437473,5.150403630983143,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.150403630983143,4.86912727355957,4.9031201004981995,2.4896502304584422,8.310306002696356,9.297789096832275 +3.57980416630165,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.150403630983143,4.86912727355957,4.9031201004981995,2.4896502304584422,8.310306002696356,9.297789096832275 +3.6020157408730107,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.150403630983143,4.86912727355957,4.9031201004981995,2.4896502304584422,8.310306002696356,9.297789096832275 +3.7609410700771155,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.150403630983143,4.86912727355957,4.9031201004981995,2.4896502304584422,8.310306002696356,9.297789096832275 +3.773102590611664,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.150403630983143,4.86912727355957,4.9031201004981995,2.4896502304584422,8.310306002696356,9.297789096832275 +3.7249752227760435,3.7820754282137488,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7820754282137488,3.1981863975524902,3.2890866696834564,1.4839532147062586,7.18097597360611,8.862696170806885 +3.5008680823034255,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7820754282137488,3.1981863975524902,3.2890866696834564,1.4839532147062586,7.18097597360611,8.862696170806885 +3.695301967922509,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7820754282137488,3.1981863975524902,3.2890866696834564,1.4839532147062586,7.18097597360611,8.862696170806885 +3.715823994430686,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7820754282137488,3.1981863975524902,3.2890866696834564,1.4839532147062586,7.18097597360611,8.862696170806885 +3.8810267310480855,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7820754282137488,3.1981863975524902,3.2890866696834564,1.4839532147062586,7.18097597360611,8.862696170806885 +3.4860496978109965,5.1207995186925555,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.1207995186925555,4.628424167633057,4.693841189146042,2.1310495708851103,8.830283015966415,10.408348560333252 +3.7707559402528115,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.1207995186925555,4.628424167633057,4.693841189146042,2.1310495708851103,8.830283015966415,10.408348560333252 +3.6656326883193353,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.1207995186925555,4.628424167633057,4.693841189146042,2.1310495708851103,8.830283015966415,10.408348560333252 +3.5398108997735482,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.1207995186925555,4.628424167633057,4.693841189146042,2.1310495708851103,8.830283015966415,10.408348560333252 +3.556872452918035,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.1207995186925555,4.628424167633057,4.693841189146042,2.1310495708851103,8.830283015966415,10.408348560333252 +3.7937654342986544,4.484169178140101,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.484169178140101,3.977492094039917,4.056974798440933,1.736550973450884,8.123637557029724,9.484070301055908 +3.7063277652314235,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.484169178140101,3.977492094039917,4.056974798440933,1.736550973450884,8.123637557029724,9.484070301055908 +3.5610535538876404,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.484169178140101,3.977492094039917,4.056974798440933,1.736550973450884,8.123637557029724,9.484070301055908 +3.634142887094293,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.484169178140101,3.977492094039917,4.056974798440933,1.736550973450884,8.123637557029724,9.484070301055908 +3.5948409968171893,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.484169178140101,3.977492094039917,4.056974798440933,1.736550973450884,8.123637557029724,9.484070301055908 +3.706212543366126,3.718195216349906,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.718195216349906,3.177428960800171,3.316426396369934,1.3681249371234407,6.8240969479084015,8.283333778381348 +3.676288060369637,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.718195216349906,3.177428960800171,3.316426396369934,1.3681249371234407,6.8240969479084015,8.283333778381348 +3.6453963489486623,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.718195216349906,3.177428960800171,3.316426396369934,1.3681249371234407,6.8240969479084015,8.283333778381348 +3.4486796762646037,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.718195216349906,3.177428960800171,3.316426396369934,1.3681249371234407,6.8240969479084015,8.283333778381348 +3.448541885978031,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.718195216349906,3.177428960800171,3.316426396369934,1.3681249371234407,6.8240969479084015,8.283333778381348 +3.5848779633285512,3.607384815734094,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.607384815734094,3.11985445022583,3.195006549358368,1.0706400991754328,7.096360812584559,8.592140674591064 +3.5779911653986027,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.607384815734094,3.11985445022583,3.195006549358368,1.0706400991754328,7.096360812584559,8.592140674591064 +3.4724074572285226,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.607384815734094,3.11985445022583,3.195006549358368,1.0706400991754328,7.096360812584559,8.592140674591064 +3.390314381500454,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.607384815734094,3.11985445022583,3.195006549358368,1.0706400991754328,7.096360812584559,8.592140674591064 +3.252329912540609,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.607384815734094,3.11985445022583,3.195006549358368,1.0706400991754328,7.096360812584559,8.592140674591064 +3.4844439356175276,3.7693121079062917,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7693121079062917,3.216254472732544,3.383551836013794,1.464588056853477,6.9241108695666,7.986409664154053 +3.621565045843232,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7693121079062917,3.216254472732544,3.383551836013794,1.464588056853477,6.9241108695666,7.986409664154053 +3.6124800318353056,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7693121079062917,3.216254472732544,3.383551836013794,1.464588056853477,6.9241108695666,7.986409664154053 +3.55928780338097,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7693121079062917,3.216254472732544,3.383551836013794,1.464588056853477,6.9241108695666,7.986409664154053 +3.491155622729572,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7693121079062917,3.216254472732544,3.383551836013794,1.464588056853477,6.9241108695666,7.986409664154053 +3.6924557509963014,4.258318628472184,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.258318628472184,3.8274569511413574,3.9341108798980713,1.5700631021185125,7.528986026843389,8.843487739562988 +3.5412183425510277,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.258318628472184,3.8274569511413574,3.9341108798980713,1.5700631021185125,7.528986026843389,8.843487739562988 +3.5968278403386513,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.258318628472184,3.8274569511413574,3.9341108798980713,1.5700631021185125,7.528986026843389,8.843487739562988 +3.6481358014462164,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.258318628472184,3.8274569511413574,3.9341108798980713,1.5700631021185125,7.528986026843389,8.843487739562988 +3.665521749727606,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.258318628472184,3.8274569511413574,3.9341108798980713,1.5700631021185125,7.528986026843389,8.843487739562988 +3.395568743209782,3.7019075873790612,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7019075873790612,3.188991069793701,3.2753434628248215,1.2701266271636842,7.096861362457275,8.468956470489502 +3.5510465235940973,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7019075873790612,3.188991069793701,3.2753434628248215,1.2701266271636842,7.096861362457275,8.468956470489502 +3.5637573752384286,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7019075873790612,3.188991069793701,3.2753434628248215,1.2701266271636842,7.096861362457275,8.468956470489502 +3.6678986409259093,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7019075873790612,3.188991069793701,3.2753434628248215,1.2701266271636842,7.096861362457275,8.468956470489502 +3.675181195871109,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.7019075873790612,3.188991069793701,3.2753434628248215,1.2701266271636842,7.096861362457275,8.468956470489502 +3.465669789645495,3.336108524215783,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.336108524215783,2.700956344604492,2.8441681265830994,1.5932145908157875,6.168087085088094,7.458588123321533 +3.412559924731204,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.336108524215783,2.700956344604492,2.8441681265830994,1.5932145908157875,6.168087085088094,7.458588123321533 +3.377104235304129,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.336108524215783,2.700956344604492,2.8441681265830994,1.5932145908157875,6.168087085088094,7.458588123321533 +3.415488063360241,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.336108524215783,2.700956344604492,2.8441681265830994,1.5932145908157875,6.168087085088094,7.458588123321533 +3.523529580638643,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.336108524215783,2.700956344604492,2.8441681265830994,1.5932145908157875,6.168087085088094,7.458588123321533 +3.788041591940729,4.801833112670489,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.801833112670489,4.3297929763793945,4.438222020864487,2.0482383731831897,8.357362280289331,9.658788681030273 +3.57769464300229,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.801833112670489,4.3297929763793945,4.438222020864487,2.0482383731831897,8.357362280289331,9.658788681030273 +3.5338127402000783,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.801833112670489,4.3297929763793945,4.438222020864487,2.0482383731831897,8.357362280289331,9.658788681030273 +3.4330977914504093,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.801833112670489,4.3297929763793945,4.438222020864487,2.0482383731831897,8.357362280289331,9.658788681030273 +3.6574108563462366,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.801833112670489,4.3297929763793945,4.438222020864487,2.0482383731831897,8.357362280289331,9.658788681030273 +3.369372058057026,3.211630313340282,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.211630313340282,2.484670877456665,2.5748836547136307,0.9379816442093951,6.6494797468185425,8.074117183685303 +3.4314527089858244,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.211630313340282,2.484670877456665,2.5748836547136307,0.9379816442093951,6.6494797468185425,8.074117183685303 +3.6859094971687156,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.211630313340282,2.484670877456665,2.5748836547136307,0.9379816442093951,6.6494797468185425,8.074117183685303 +3.8639155341712486,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.211630313340282,2.484670877456665,2.5748836547136307,0.9379816442093951,6.6494797468185425,8.074117183685303 +3.517237983999739,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.211630313340282,2.484670877456665,2.5748836547136307,0.9379816442093951,6.6494797468185425,8.074117183685303 +3.408299088082832,3.3133994167699865,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3133994167699865,2.2058451175689697,2.535989075899124,0.8688735841436589,7.433848599592845,9.847127437591553 +3.3230460590487767,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3133994167699865,2.2058451175689697,2.535989075899124,0.8688735841436589,7.433848599592845,9.847127437591553 +3.338186914037014,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3133994167699865,2.2058451175689697,2.535989075899124,0.8688735841436589,7.433848599592845,9.847127437591553 +3.2875023768419296,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3133994167699865,2.2058451175689697,2.535989075899124,0.8688735841436589,7.433848599592845,9.847127437591553 +3.4483561184978613,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3133994167699865,2.2058451175689697,2.535989075899124,0.8688735841436589,7.433848599592845,9.847127437591553 +3.2846240944943,3.75669117841421,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.75669117841421,2.8692166805267334,3.009452164173126,1.6460219634340165,7.473770022392273,10.055119514465332 +3.4351221695937593,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.75669117841421,2.8692166805267334,3.009452164173126,1.6460219634340165,7.473770022392273,10.055119514465332 +3.546665346748949,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.75669117841421,2.8692166805267334,3.009452164173126,1.6460219634340165,7.473770022392273,10.055119514465332 +3.409820693675972,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.75669117841421,2.8692166805267334,3.009452164173126,1.6460219634340165,7.473770022392273,10.055119514465332 +3.61502914842149,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.75669117841421,2.8692166805267334,3.009452164173126,1.6460219634340165,7.473770022392273,10.055119514465332 +3.539203831762945,4.982235246966959,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.982235246966959,4.936417579650879,4.850106954574585,2.066163179880761,8.281957765420279,9.23601484298706 +3.5759881964491913,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.982235246966959,4.936417579650879,4.850106954574585,2.066163179880761,8.281957765420279,9.23601484298706 +3.497059678327816,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.982235246966959,4.936417579650879,4.850106954574585,2.066163179880761,8.281957765420279,9.23601484298706 +3.597861555629763,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.982235246966959,4.936417579650879,4.850106954574585,2.066163179880761,8.281957765420279,9.23601484298706 +3.5267864849112076,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.982235246966959,4.936417579650879,4.850106954574585,2.066163179880761,8.281957765420279,9.23601484298706 +3.5619401126625685,3.8515202917587694,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8515202917587694,3.379044771194458,3.4387961328029633,1.548015150459523,7.010600119829178,7.862094879150391 +3.288227892364684,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8515202917587694,3.379044771194458,3.4387961328029633,1.548015150459523,7.010600119829178,7.862094879150391 +3.5065866067254574,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8515202917587694,3.379044771194458,3.4387961328029633,1.548015150459523,7.010600119829178,7.862094879150391 +3.5766262028870277,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8515202917587694,3.379044771194458,3.4387961328029633,1.548015150459523,7.010600119829178,7.862094879150391 +3.6112409886812658,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8515202917587694,3.379044771194458,3.4387961328029633,1.548015150459523,7.010600119829178,7.862094879150391 +3.444720017301309,3.924922967144332,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.924922967144332,3.2582247257232666,3.353493630886078,1.8568125696892435,7.180355707804362,8.944079875946045 +3.349714768185856,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.924922967144332,3.2582247257232666,3.353493630886078,1.8568125696892435,7.180355707804362,8.944079875946045 +3.7656794682896106,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.924922967144332,3.2582247257232666,3.353493630886078,1.8568125696892435,7.180355707804362,8.944079875946045 +3.5294970120809754,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.924922967144332,3.2582247257232666,3.353493630886078,1.8568125696892435,7.180355707804362,8.944079875946045 +3.3156324986674743,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.924922967144332,3.2582247257232666,3.353493630886078,1.8568125696892435,7.180355707804362,8.944079875946045 +3.4720338815007983,5.744064552621691,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.744064552621691,5.6415300369262695,5.606954276561737,2.6358659901517503,9.052477151155472,9.99889326095581 +3.4965473305760075,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.744064552621691,5.6415300369262695,5.606954276561737,2.6358659901517503,9.052477151155472,9.99889326095581 +3.5078688404999614,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.744064552621691,5.6415300369262695,5.606954276561737,2.6358659901517503,9.052477151155472,9.99889326095581 +3.422937284868497,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.744064552621691,5.6415300369262695,5.606954276561737,2.6358659901517503,9.052477151155472,9.99889326095581 +3.4521228665540327,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.744064552621691,5.6415300369262695,5.606954276561737,2.6358659901517503,9.052477151155472,9.99889326095581 +3.4972072889934482,3.6763115465172924,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6763115465172924,2.867647171020508,3.119773879647255,1.342161865627512,7.217208355665207,8.320600032806396 +3.1849415314924814,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6763115465172924,2.867647171020508,3.119773879647255,1.342161865627512,7.217208355665207,8.320600032806396 +3.2767764808565616,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6763115465172924,2.867647171020508,3.119773879647255,1.342161865627512,7.217208355665207,8.320600032806396 +3.4448214281617173,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6763115465172924,2.867647171020508,3.119773879647255,1.342161865627512,7.217208355665207,8.320600032806396 +3.5667915754514286,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6763115465172924,2.867647171020508,3.119773879647255,1.342161865627512,7.217208355665207,8.320600032806396 +3.474199707829826,3.1425760227660233,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.1425760227660233,2.1455745697021484,2.3555273562669754,0.9176026195921796,7.104628071188927,9.195372104644775 +3.5433234363122392,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.1425760227660233,2.1455745697021484,2.3555273562669754,0.9176026195921796,7.104628071188927,9.195372104644775 +3.5987453672748346,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.1425760227660233,2.1455745697021484,2.3555273562669754,0.9176026195921796,7.104628071188927,9.195372104644775 +3.3376521637727476,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.1425760227660233,2.1455745697021484,2.3555273562669754,0.9176026195921796,7.104628071188927,9.195372104644775 +3.557152326211373,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.1425760227660233,2.1455745697021484,2.3555273562669754,0.9176026195921796,7.104628071188927,9.195372104644775 +3.4489963251692233,4.4962252954225885,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.4962252954225885,3.9661521911621094,4.057915836572647,1.6656664920614122,8.135257879892984,9.402286529541016 +3.530970546765258,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.4962252954225885,3.9661521911621094,4.057915836572647,1.6656664920614122,8.135257879892984,9.402286529541016 +3.329649759342879,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.4962252954225885,3.9661521911621094,4.057915836572647,1.6656664920614122,8.135257879892984,9.402286529541016 +3.5673733692151797,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.4962252954225885,3.9661521911621094,4.057915836572647,1.6656664920614122,8.135257879892984,9.402286529541016 +3.6947389878826686,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.4962252954225885,3.9661521911621094,4.057915836572647,1.6656664920614122,8.135257879892984,9.402286529541016 +3.348655318530074,3.6631739397011502,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6631739397011502,2.7757980823516846,2.9601266384124756,1.3842645661627992,7.531795114278793,9.700049877166748 +3.3816354523563574,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6631739397011502,2.7757980823516846,2.9601266384124756,1.3842645661627992,7.531795114278793,9.700049877166748 +3.463594271230761,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6631739397011502,2.7757980823516846,2.9601266384124756,1.3842645661627992,7.531795114278793,9.700049877166748 +3.2527433269575674,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6631739397011502,2.7757980823516846,2.9601266384124756,1.3842645661627992,7.531795114278793,9.700049877166748 +3.462236005091541,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.6631739397011502,2.7757980823516846,2.9601266384124756,1.3842645661627992,7.531795114278793,9.700049877166748 +3.583201620520268,4.122640981412059,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.122640981412059,3.302034378051758,3.4580771923065186,1.7145669143250648,7.870940347512563,10.227911472320557 +3.553880951804571,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.122640981412059,3.302034378051758,3.4580771923065186,1.7145669143250648,7.870940347512563,10.227911472320557 +3.350993921925914,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.122640981412059,3.302034378051758,3.4580771923065186,1.7145669143250648,7.870940347512563,10.227911472320557 +3.5103825882314372,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.122640981412059,3.302034378051758,3.4580771923065186,1.7145669143250648,7.870940347512563,10.227911472320557 +3.3934075482565147,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.122640981412059,3.302034378051758,3.4580771923065186,1.7145669143250648,7.870940347512563,10.227911472320557 +3.5973867254445344,3.8161010150822046,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8161010150822046,2.937849760055542,3.178511142730713,1.4789297561696235,7.545495708783467,9.283388614654541 +3.6018054947375617,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8161010150822046,2.937849760055542,3.178511142730713,1.4789297561696235,7.545495708783467,9.283388614654541 +3.179285418429963,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8161010150822046,2.937849760055542,3.178511142730713,1.4789297561696235,7.545495708783467,9.283388614654541 +3.660203256147768,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8161010150822046,2.937849760055542,3.178511142730713,1.4789297561696235,7.545495708783467,9.283388614654541 +3.7887956507563274,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.8161010150822046,2.937849760055542,3.178511142730713,1.4789297561696235,7.545495708783467,9.283388614654541 +3.33627651637761,4.978247461206626,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.978247461206626,4.642284393310547,4.706923842430115,2.150184396733629,8.35400840640068,9.342465877532959 +3.5286109640364307,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.978247461206626,4.642284393310547,4.706923842430115,2.150184396733629,8.35400840640068,9.342465877532959 +3.33052181328007,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.978247461206626,4.642284393310547,4.706923842430115,2.150184396733629,8.35400840640068,9.342465877532959 +3.2404574657585323,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.978247461206626,4.642284393310547,4.706923842430115,2.150184396733629,8.35400840640068,9.342465877532959 +3.275395171237561,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.978247461206626,4.642284393310547,4.706923842430115,2.150184396733629,8.35400840640068,9.342465877532959 +3.1512827352479853,6.713172644220721,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,6.713172644220721,6.308945655822754,6.340737044811249,3.9538522426118243,10.147191812594732,11.76037883758545 +3.6183888535719335,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,6.713172644220721,6.308945655822754,6.340737044811249,3.9538522426118243,10.147191812594732,11.76037883758545 +3.4536768431016873,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,6.713172644220721,6.308945655822754,6.340737044811249,3.9538522426118243,10.147191812594732,11.76037883758545 +3.182612228931103,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,6.713172644220721,6.308945655822754,6.340737044811249,3.9538522426118243,10.147191812594732,11.76037883758545 +3.28562176883695,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,6.713172644220721,6.308945655822754,6.340737044811249,3.9538522426118243,10.147191812594732,11.76037883758545 +3.523472068124804,3.921448218104727,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.921448218104727,2.9602859020233154,3.186931759119034,1.6406086144295144,7.750693291425705,9.976756572723389 +3.574022510679394,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.921448218104727,2.9602859020233154,3.186931759119034,1.6406086144295144,7.750693291425705,9.976756572723389 +3.1935032166995168,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.921448218104727,2.9602859020233154,3.186931759119034,1.6406086144295144,7.750693291425705,9.976756572723389 +3.5818408989107895,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.921448218104727,2.9602859020233154,3.186931759119034,1.6406086144295144,7.750693291425705,9.976756572723389 +3.3128674739393693,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.921448218104727,2.9602859020233154,3.186931759119034,1.6406086144295144,7.750693291425705,9.976756572723389 +3.2971795785490334,3.3072371994637693,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3072371994637693,2.718437910079956,2.820663809776306,1.523150215757654,6.1719910105069475,8.184743404388428 +3.5190319412385436,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3072371994637693,2.718437910079956,2.820663809776306,1.523150215757654,6.1719910105069475,8.184743404388428 +3.452033309389489,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3072371994637693,2.718437910079956,2.820663809776306,1.523150215757654,6.1719910105069475,8.184743404388428 +3.4318042427933815,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3072371994637693,2.718437910079956,2.820663809776306,1.523150215757654,6.1719910105069475,8.184743404388428 +3.4680430035376104,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.3072371994637693,2.718437910079956,2.820663809776306,1.523150215757654,6.1719910105069475,8.184743404388428 +3.631519135512629,3.524319574158853,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.524319574158853,2.8175837993621826,2.964318424463272,1.1239141111678266,7.171284417311351,9.122248649597168 +3.2491646928203832,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.524319574158853,2.8175837993621826,2.964318424463272,1.1239141111678266,7.171284417311351,9.122248649597168 +3.3327495223726453,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.524319574158853,2.8175837993621826,2.964318424463272,1.1239141111678266,7.171284417311351,9.122248649597168 +3.368211812263142,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.524319574158853,2.8175837993621826,2.964318424463272,1.1239141111678266,7.171284417311351,9.122248649597168 +3.436617385013034,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,3.524319574158853,2.8175837993621826,2.964318424463272,1.1239141111678266,7.171284417311351,9.122248649597168 +3.489727550855682,5.729719340840247,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.729719340840247,5.377312660217285,5.46251779794693,3.0165962121905165,9.097548047701517,10.001025199890137 +3.506453945916591,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.729719340840247,5.377312660217285,5.46251779794693,3.0165962121905165,9.097548047701517,10.001025199890137 +3.6876243627988377,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.729719340840247,5.377312660217285,5.46251779794693,3.0165962121905165,9.097548047701517,10.001025199890137 +3.5932179795533656,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.729719340840247,5.377312660217285,5.46251779794693,3.0165962121905165,9.097548047701517,10.001025199890137 +3.4403087721263064,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,5.729719340840247,5.377312660217285,5.46251779794693,3.0165962121905165,9.097548047701517,10.001025199890137 +3.50410906626628,4.664969608811808,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.664969608811808,4.160759925842285,4.248819321393967,2.0403606932848057,8.117008556922277,9.149760246276855 +3.289620368348667,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.664969608811808,4.160759925842285,4.248819321393967,2.0403606932848057,8.117008556922277,9.149760246276855 +3.76498115669432,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.664969608811808,4.160759925842285,4.248819321393967,2.0403606932848057,8.117008556922277,9.149760246276855 +3.57582663772356,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.664969608811808,4.160759925842285,4.248819321393967,2.0403606932848057,8.117008556922277,9.149760246276855 +3.6298510135801147,0,2.8409391689597,2.093308687210083,2.256559118628502,0.8290451883952669,6.046868418653806,7.300297021865845,4.664969608811808,4.160759925842285,4.248819321393967,2.0403606932848057,8.117008556922277,9.149760246276855 +3.4792607458263873,2.6779930846697373,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383 +3.479917396324383,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383 +3.405557729600279,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383 +3.4182285732671183,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383 +3.256255132450033,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383 +3.336603530146557,3.636078132696801,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.636078132696801,2.5159060955047607,2.833857625722885,1.2964210700481495,7.777866899967194,9.768657684326172 +3.6454374298492858,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.636078132696801,2.5159060955047607,2.833857625722885,1.2964210700481495,7.777866899967194,9.768657684326172 +3.6446857367017227,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.636078132696801,2.5159060955047607,2.833857625722885,1.2964210700481495,7.777866899967194,9.768657684326172 +3.465395480433889,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.636078132696801,2.5159060955047607,2.833857625722885,1.2964210700481495,7.777866899967194,9.768657684326172 +3.2188647037436224,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.636078132696801,2.5159060955047607,2.833857625722885,1.2964210700481495,7.777866899967194,9.768657684326172 +3.4522619353365203,3.9472768687452944,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9472768687452944,3.5270330905914307,3.5349069833755493,1.717026078954656,7.051880717277527,8.629135131835938 +3.5210081569909732,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9472768687452944,3.5270330905914307,3.5349069833755493,1.717026078954656,7.051880717277527,8.629135131835938 +3.5344051081756382,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9472768687452944,3.5270330905914307,3.5349069833755493,1.717026078954656,7.051880717277527,8.629135131835938 +3.6663735257931034,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9472768687452944,3.5270330905914307,3.5349069833755493,1.717026078954656,7.051880717277527,8.629135131835938 +3.2401666035307497,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9472768687452944,3.5270330905914307,3.5349069833755493,1.717026078954656,7.051880717277527,8.629135131835938 +3.471659230419116,4.146886788113579,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.146886788113579,3.5662293434143066,3.679154396057129,1.7560388078080846,7.584415088097255,9.3147873878479 +3.414720888676947,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.146886788113579,3.5662293434143066,3.679154396057129,1.7560388078080846,7.584415088097255,9.3147873878479 +3.494475150475926,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.146886788113579,3.5662293434143066,3.679154396057129,1.7560388078080846,7.584415088097255,9.3147873878479 +3.5382230379062873,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.146886788113579,3.5662293434143066,3.679154396057129,1.7560388078080846,7.584415088097255,9.3147873878479 +3.4373794062463294,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.146886788113579,3.5662293434143066,3.679154396057129,1.7560388078080846,7.584415088097255,9.3147873878479 +3.3562796502238244,3.540545675376947,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.540545675376947,2.9678146839141846,2.9700127243995667,1.204518823864612,7.0694450835386915,8.934862613677979 +3.738967237089926,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.540545675376947,2.9678146839141846,2.9700127243995667,1.204518823864612,7.0694450835386915,8.934862613677979 +3.496445261515104,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.540545675376947,2.9678146839141846,2.9700127243995667,1.204518823864612,7.0694450835386915,8.934862613677979 +3.465345391227965,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.540545675376947,2.9678146839141846,2.9700127243995667,1.204518823864612,7.0694450835386915,8.934862613677979 +3.6203978608908325,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.540545675376947,2.9678146839141846,2.9700127243995667,1.204518823864612,7.0694450835386915,8.934862613677979 +3.526943005028549,3.639962594702606,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.639962594702606,2.9866199493408203,3.109653115272522,1.276913212334856,7.208554248015086,8.934219360351562 +3.279754974363021,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.639962594702606,2.9866199493408203,3.109653115272522,1.276913212334856,7.208554248015086,8.934219360351562 +3.4176697894061276,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.639962594702606,2.9866199493408203,3.109653115272522,1.276913212334856,7.208554248015086,8.934219360351562 +3.4342480466876486,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.639962594702606,2.9866199493408203,3.109653115272522,1.276913212334856,7.208554248015086,8.934219360351562 +3.4350743990401376,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.639962594702606,2.9866199493408203,3.109653115272522,1.276913212334856,7.208554248015086,8.934219360351562 +3.594488201727127,5.075412145771906,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.075412145771906,4.674201488494873,4.733230948448181,2.304921529394515,8.519725660483042,9.946914196014404 +3.40884029950245,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.075412145771906,4.674201488494873,4.733230948448181,2.304921529394515,8.519725660483042,9.946914196014404 +3.226376260959343,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.075412145771906,4.674201488494873,4.733230948448181,2.304921529394515,8.519725660483042,9.946914196014404 +3.304182350279798,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.075412145771906,4.674201488494873,4.733230948448181,2.304921529394515,8.519725660483042,9.946914196014404 +3.2485353510322876,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.075412145771906,4.674201488494873,4.733230948448181,2.304921529394515,8.519725660483042,9.946914196014404 +3.286841477121693,4.076397958694328,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.076397958694328,3.2674052715301514,3.4479860663414,1.687990185428173,7.755684077739716,9.483656883239746 +3.63358730565885,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.076397958694328,3.2674052715301514,3.4479860663414,1.687990185428173,7.755684077739716,9.483656883239746 +3.439683237110588,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.076397958694328,3.2674052715301514,3.4479860663414,1.687990185428173,7.755684077739716,9.483656883239746 +3.3051854824988216,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.076397958694328,3.2674052715301514,3.4479860663414,1.687990185428173,7.755684077739716,9.483656883239746 +3.3830257596285023,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.076397958694328,3.2674052715301514,3.4479860663414,1.687990185428173,7.755684077739716,9.483656883239746 +3.4734363125078875,4.716742662079048,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.716742662079048,4.343703746795654,4.396030277013779,2.2195155639597712,8.014056096474329,9.95554256439209 +3.274613780233841,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.716742662079048,4.343703746795654,4.396030277013779,2.2195155639597712,8.014056096474329,9.95554256439209 +3.4908044320242158,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.716742662079048,4.343703746795654,4.396030277013779,2.2195155639597712,8.014056096474329,9.95554256439209 +3.523182838028717,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.716742662079048,4.343703746795654,4.396030277013779,2.2195155639597712,8.014056096474329,9.95554256439209 +3.272479896520114,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.716742662079048,4.343703746795654,4.396030277013779,2.2195155639597712,8.014056096474329,9.95554256439209 +3.1455671497143864,3.9298288863522846,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9298288863522846,3.323428153991699,3.410541594028473,1.3159671505080892,7.607198923826218,9.67103624343872 +3.0644659772712926,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9298288863522846,3.323428153991699,3.410541594028473,1.3159671505080892,7.607198923826218,9.67103624343872 +3.367366346009372,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9298288863522846,3.323428153991699,3.410541594028473,1.3159671505080892,7.607198923826218,9.67103624343872 +3.5009763296545344,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9298288863522846,3.323428153991699,3.410541594028473,1.3159671505080892,7.607198923826218,9.67103624343872 +3.2838821967456004,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.9298288863522846,3.323428153991699,3.410541594028473,1.3159671505080892,7.607198923826218,9.67103624343872 +3.4760229533207196,4.092769998530443,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.092769998530443,3.4392311573028564,3.5321311354637146,1.8127960296387369,7.649428268273671,9.2142972946167 +3.4844754637671085,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.092769998530443,3.4392311573028564,3.5321311354637146,1.8127960296387369,7.649428268273671,9.2142972946167 +3.5478736980761396,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.092769998530443,3.4392311573028564,3.5321311354637146,1.8127960296387369,7.649428268273671,9.2142972946167 +3.2200965246566096,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.092769998530443,3.4392311573028564,3.5321311354637146,1.8127960296387369,7.649428268273671,9.2142972946167 +3.5541977415587604,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.092769998530443,3.4392311573028564,3.5321311354637146,1.8127960296387369,7.649428268273671,9.2142972946167 +3.466325257793662,3.958912639093649,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.958912639093649,3.1782913208007812,3.2697868943214417,1.5555633052866509,7.764749010403951,10.256291389465332 +3.5094554988316577,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.958912639093649,3.1782913208007812,3.2697868943214417,1.5555633052866509,7.764749010403951,10.256291389465332 +3.4215836261722705,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.958912639093649,3.1782913208007812,3.2697868943214417,1.5555633052866509,7.764749010403951,10.256291389465332 +3.2356916799429873,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.958912639093649,3.1782913208007812,3.2697868943214417,1.5555633052866509,7.764749010403951,10.256291389465332 +3.214696617080615,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.958912639093649,3.1782913208007812,3.2697868943214417,1.5555633052866509,7.764749010403951,10.256291389465332 +3.4350065155354987,4.928500313253303,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.928500313253303,4.703654766082764,4.637744516134262,1.8764286922647597,8.54155907034874,10.082107543945312 +3.4746131328594148,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.928500313253303,4.703654766082764,4.637744516134262,1.8764286922647597,8.54155907034874,10.082107543945312 +3.669187709491512,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.928500313253303,4.703654766082764,4.637744516134262,1.8764286922647597,8.54155907034874,10.082107543945312 +3.4059876692666617,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.928500313253303,4.703654766082764,4.637744516134262,1.8764286922647597,8.54155907034874,10.082107543945312 +3.4475612405993896,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.928500313253303,4.703654766082764,4.637744516134262,1.8764286922647597,8.54155907034874,10.082107543945312 +3.271346299654609,4.351132372911064,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.351132372911064,3.851783514022827,3.9284380972385406,1.9695936720421974,7.627389470736186,9.047234535217285 +3.2873740645041516,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.351132372911064,3.851783514022827,3.9284380972385406,1.9695936720421974,7.627389470736186,9.047234535217285 +3.30833549769867,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.351132372911064,3.851783514022827,3.9284380972385406,1.9695936720421974,7.627389470736186,9.047234535217285 +3.4801765200867263,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.351132372911064,3.851783514022827,3.9284380972385406,1.9695936720421974,7.627389470736186,9.047234535217285 +3.4045735218559714,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.351132372911064,3.851783514022827,3.9284380972385406,1.9695936720421974,7.627389470736186,9.047234535217285 +3.3510487987128745,4.18337086482822,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.18337086482822,3.470118522644043,3.657754123210907,1.9521056743378336,7.5690425634384155,9.090091705322266 +3.350858590251887,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.18337086482822,3.470118522644043,3.657754123210907,1.9521056743378336,7.5690425634384155,9.090091705322266 +3.3087070028962127,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.18337086482822,3.470118522644043,3.657754123210907,1.9521056743378336,7.5690425634384155,9.090091705322266 +3.5310737316938865,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.18337086482822,3.470118522644043,3.657754123210907,1.9521056743378336,7.5690425634384155,9.090091705322266 +3.140532302741821,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.18337086482822,3.470118522644043,3.657754123210907,1.9521056743378336,7.5690425634384155,9.090091705322266 +3.341668086240083,4.470164828041461,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.470164828041461,4.1194167137146,4.128148406744003,1.7710701851768698,7.845112979412079,8.99071979522705 +3.091687198856781,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.470164828041461,4.1194167137146,4.128148406744003,1.7710701851768698,7.845112979412079,8.99071979522705 +3.4334846124724936,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.470164828041461,4.1194167137146,4.128148406744003,1.7710701851768698,7.845112979412079,8.99071979522705 +3.5720707114479584,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.470164828041461,4.1194167137146,4.128148406744003,1.7710701851768698,7.845112979412079,8.99071979522705 +3.3327534542831567,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,4.470164828041461,4.1194167137146,4.128148406744003,1.7710701851768698,7.845112979412079,8.99071979522705 +3.4742877287320812,2.9876652750045216,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.9876652750045216,2.258800983428955,2.3904058188199997,0.9446761151577564,6.384683420260747,8.431504726409912 +3.4376407909337976,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.9876652750045216,2.258800983428955,2.3904058188199997,0.9446761151577564,6.384683420260747,8.431504726409912 +3.417731950291746,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.9876652750045216,2.258800983428955,2.3904058188199997,0.9446761151577564,6.384683420260747,8.431504726409912 +3.530871168905449,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.9876652750045216,2.258800983428955,2.3904058188199997,0.9446761151577564,6.384683420260747,8.431504726409912 +2.9894238414751757,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,2.9876652750045216,2.258800983428955,2.3904058188199997,0.9446761151577564,6.384683420260747,8.431504726409912 +3.386003911179004,5.003049073262988,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.003049073262988,4.707526206970215,4.698807716369629,2.2182991574419306,8.461505820353826,10.049270629882812 +3.3584970962503227,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.003049073262988,4.707526206970215,4.698807716369629,2.2182991574419306,8.461505820353826,10.049270629882812 +3.3902044336580786,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.003049073262988,4.707526206970215,4.698807716369629,2.2182991574419306,8.461505820353826,10.049270629882812 +3.4767550305124937,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.003049073262988,4.707526206970215,4.698807716369629,2.2182991574419306,8.461505820353826,10.049270629882812 +3.474307831742403,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,5.003049073262988,4.707526206970215,4.698807716369629,2.2182991574419306,8.461505820353826,10.049270629882812 +3.429840200716526,3.254566262607799,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.254566262607799,2.5495240688323975,2.6975728273391724,0.9323152890230747,6.727283805608749,8.933706760406494 +3.2055489688874554,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.254566262607799,2.5495240688323975,2.6975728273391724,0.9323152890230747,6.727283805608749,8.933706760406494 +3.33521840371567,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.254566262607799,2.5495240688323975,2.6975728273391724,0.9323152890230747,6.727283805608749,8.933706760406494 +3.2964331980409294,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.254566262607799,2.5495240688323975,2.6975728273391724,0.9323152890230747,6.727283805608749,8.933706760406494 +3.3282799030449093,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.254566262607799,2.5495240688323975,2.6975728273391724,0.9323152890230747,6.727283805608749,8.933706760406494 +3.353179283657504,3.6087160804820932,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.6087160804820932,2.907710552215576,3.0441467612981796,1.3944896846375567,7.059693465630214,8.721496105194092 +3.2447032117005685,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.6087160804820932,2.907710552215576,3.0441467612981796,1.3944896846375567,7.059693465630214,8.721496105194092 +3.255940948126329,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.6087160804820932,2.907710552215576,3.0441467612981796,1.3944896846375567,7.059693465630214,8.721496105194092 +3.3115458274433087,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.6087160804820932,2.907710552215576,3.0441467612981796,1.3944896846375567,7.059693465630214,8.721496105194092 +3.343022911910669,0,2.6779930846697373,1.6238940954208374,1.9155601859092712,0.7592420473377756,6.225727165738742,8.310731887817383,3.6087160804820932,2.907710552215576,3.0441467612981796,1.3944896846375567,7.059693465630214,8.721496105194092 +3.362846765420165,2.5728046248096446,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105 +3.298303083197982,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105 +3.4838949932422816,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105 +3.335532784264347,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105 +3.459729275391968,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105 +3.570497009458529,3.800834533665817,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.800834533665817,3.374986410140991,3.4401197135448456,1.3077601482893557,7.112947324911754,8.67167329788208 +3.33829979414728,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.800834533665817,3.374986410140991,3.4401197135448456,1.3077601482893557,7.112947324911754,8.67167329788208 +3.2059814788065157,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.800834533665817,3.374986410140991,3.4401197135448456,1.3077601482893557,7.112947324911754,8.67167329788208 +3.276983269053049,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.800834533665817,3.374986410140991,3.4401197135448456,1.3077601482893557,7.112947324911754,8.67167329788208 +3.3713231287125884,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.800834533665817,3.374986410140991,3.4401197135448456,1.3077601482893557,7.112947324911754,8.67167329788208 +3.471977958134536,3.6472814399846563,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6472814399846563,2.8356587886810303,2.991168051958084,1.2840228632409523,7.388867994149526,10.359836101531982 +3.594472682266558,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6472814399846563,2.8356587886810303,2.991168051958084,1.2840228632409523,7.388867994149526,10.359836101531982 +3.287646309252759,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6472814399846563,2.8356587886810303,2.991168051958084,1.2840228632409523,7.388867994149526,10.359836101531982 +3.0570781333693144,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6472814399846563,2.8356587886810303,2.991168051958084,1.2840228632409523,7.388867994149526,10.359836101531982 +3.6012440220667767,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6472814399846563,2.8356587886810303,2.991168051958084,1.2840228632409523,7.388867994149526,10.359836101531982 +3.3800951088296958,3.578502029492593,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.578502029492593,2.948889970779419,3.122148811817169,1.4789612489811919,6.65141694744428,8.414435386657715 +3.4368625213083286,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.578502029492593,2.948889970779419,3.122148811817169,1.4789612489811919,6.65141694744428,8.414435386657715 +3.339988878772493,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.578502029492593,2.948889970779419,3.122148811817169,1.4789612489811919,6.65141694744428,8.414435386657715 +3.1972859300653247,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.578502029492593,2.948889970779419,3.122148811817169,1.4789612489811919,6.65141694744428,8.414435386657715 +3.331517807645254,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.578502029492593,2.948889970779419,3.122148811817169,1.4789612489811919,6.65141694744428,8.414435386657715 +3.0945434709442705,4.737957490676361,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.737957490676361,4.012003421783447,4.145782917737961,2.0341760376666453,8.650797724723816,10.238239765167236 +3.3705019616875154,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.737957490676361,4.012003421783447,4.145782917737961,2.0341760376666453,8.650797724723816,10.238239765167236 +3.177925124823731,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.737957490676361,4.012003421783447,4.145782917737961,2.0341760376666453,8.650797724723816,10.238239765167236 +3.44884600893493,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.737957490676361,4.012003421783447,4.145782917737961,2.0341760376666453,8.650797724723816,10.238239765167236 +3.1697823036096455,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.737957490676361,4.012003421783447,4.145782917737961,2.0341760376666453,8.650797724723816,10.238239765167236 +3.2540144360073366,4.382290890781667,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.382290890781667,3.989192485809326,4.004011482000351,1.5757899008532787,7.865786602099736,9.068022727966309 +3.4397707371243746,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.382290890781667,3.989192485809326,4.004011482000351,1.5757899008532787,7.865786602099736,9.068022727966309 +3.542262389346839,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.382290890781667,3.989192485809326,4.004011482000351,1.5757899008532787,7.865786602099736,9.068022727966309 +3.3574221055332165,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.382290890781667,3.989192485809326,4.004011482000351,1.5757899008532787,7.865786602099736,9.068022727966309 +3.5044379211784356,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.382290890781667,3.989192485809326,4.004011482000351,1.5757899008532787,7.865786602099736,9.068022727966309 +3.338754865708971,3.5677250258585547,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5677250258585547,3.0126593112945557,3.0444773733615875,1.1888372936147324,7.06155589222908,8.652025699615479 +3.40803204565766,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5677250258585547,3.0126593112945557,3.0444773733615875,1.1888372936147324,7.06155589222908,8.652025699615479 +3.1518291323507497,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5677250258585547,3.0126593112945557,3.0444773733615875,1.1888372936147324,7.06155589222908,8.652025699615479 +3.279464183063975,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5677250258585547,3.0126593112945557,3.0444773733615875,1.1888372936147324,7.06155589222908,8.652025699615479 +3.312242268488325,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5677250258585547,3.0126593112945557,3.0444773733615875,1.1888372936147324,7.06155589222908,8.652025699615479 +3.458219018258372,4.315951659027195,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.315951659027195,3.9563636779785156,3.953593999147415,1.5363537285556184,7.808562437693278,8.788971900939941 +3.1350642981437535,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.315951659027195,3.9563636779785156,3.953593999147415,1.5363537285556184,7.808562437693278,8.788971900939941 +3.393448807081746,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.315951659027195,3.9563636779785156,3.953593999147415,1.5363537285556184,7.808562437693278,8.788971900939941 +3.560946995288687,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.315951659027195,3.9563636779785156,3.953593999147415,1.5363537285556184,7.808562437693278,8.788971900939941 +3.344346782652073,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.315951659027195,3.9563636779785156,3.953593999147415,1.5363537285556184,7.808562437693278,8.788971900939941 +3.380243322656389,4.191206739679057,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.191206739679057,3.9078073501586914,3.893128454685211,1.5338785692732384,7.436606148878734,8.506786823272705 +3.3352493180915594,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.191206739679057,3.9078073501586914,3.893128454685211,1.5338785692732384,7.436606148878734,8.506786823272705 +3.3511103090462067,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.191206739679057,3.9078073501586914,3.893128454685211,1.5338785692732384,7.436606148878734,8.506786823272705 +3.2568650213255492,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.191206739679057,3.9078073501586914,3.893128454685211,1.5338785692732384,7.436606148878734,8.506786823272705 +3.139634726494946,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.191206739679057,3.9078073501586914,3.893128454685211,1.5338785692732384,7.436606148878734,8.506786823272705 +3.466405368946117,3.915817756225301,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.915817756225301,3.3518190383911133,3.4798082411289215,1.577314594641645,7.175986190636952,8.698168754577637 +3.331941071532133,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.915817756225301,3.3518190383911133,3.4798082411289215,1.577314594641645,7.175986190636952,8.698168754577637 +3.3933063883443095,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.915817756225301,3.3518190383911133,3.4798082411289215,1.577314594641645,7.175986190636952,8.698168754577637 +3.3868003103595514,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.915817756225301,3.3518190383911133,3.4798082411289215,1.577314594641645,7.175986190636952,8.698168754577637 +3.4701952920431167,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.915817756225301,3.3518190383911133,3.4798082411289215,1.577314594641645,7.175986190636952,8.698168754577637 +3.2035650363493344,3.653745221842022,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.653745221842022,2.9892406463623047,3.0867955684661865,1.9197389876588862,6.5170318484306335,8.465094804763794 +3.4964031850825252,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.653745221842022,2.9892406463623047,3.0867955684661865,1.9197389876588862,6.5170318484306335,8.465094804763794 +3.1333898567157337,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.653745221842022,2.9892406463623047,3.0867955684661865,1.9197389876588862,6.5170318484306335,8.465094804763794 +3.381931999752629,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.653745221842022,2.9892406463623047,3.0867955684661865,1.9197389876588862,6.5170318484306335,8.465094804763794 +3.17880457687125,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.653745221842022,2.9892406463623047,3.0867955684661865,1.9197389876588862,6.5170318484306335,8.465094804763794 +3.0906540560943694,5.72961422410935,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.72961422410935,5.2706499099731445,5.4058449268341064,3.2812501978366932,8.884881953398386,9.447842121124268 +3.4101369317709924,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.72961422410935,5.2706499099731445,5.4058449268341064,3.2812501978366932,8.884881953398386,9.447842121124268 +3.3807206154067257,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.72961422410935,5.2706499099731445,5.4058449268341064,3.2812501978366932,8.884881953398386,9.447842121124268 +3.3637411178976535,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.72961422410935,5.2706499099731445,5.4058449268341064,3.2812501978366932,8.884881953398386,9.447842121124268 +3.505953516346706,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.72961422410935,5.2706499099731445,5.4058449268341064,3.2812501978366932,8.884881953398386,9.447842121124268 +3.2717725676472056,3.9146266910418164,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.9146266910418164,3.236642360687256,3.328911989927292,1.9407315114711194,7.093325664599736,9.081418514251709 +3.185533179113498,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.9146266910418164,3.236642360687256,3.328911989927292,1.9407315114711194,7.093325664599736,9.081418514251709 +3.337327779505392,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.9146266910418164,3.236642360687256,3.328911989927292,1.9407315114711194,7.093325664599736,9.081418514251709 +3.258440127660488,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.9146266910418164,3.236642360687256,3.328911989927292,1.9407315114711194,7.093325664599736,9.081418514251709 +3.3575014658963966,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.9146266910418164,3.236642360687256,3.328911989927292,1.9407315114711194,7.093325664599736,9.081418514251709 +3.015458392310364,5.335765838935113,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.335765838935113,5.023128986358643,5.058820873498917,2.5812982460285756,8.715692192316055,9.319243907928467 +3.1299289543804187,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.335765838935113,5.023128986358643,5.058820873498917,2.5812982460285756,8.715692192316055,9.319243907928467 +3.2099118617311397,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.335765838935113,5.023128986358643,5.058820873498917,2.5812982460285756,8.715692192316055,9.319243907928467 +3.2204589148098974,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.335765838935113,5.023128986358643,5.058820873498917,2.5812982460285756,8.715692192316055,9.319243907928467 +3.5886886249091328,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.335765838935113,5.023128986358643,5.058820873498917,2.5812982460285756,8.715692192316055,9.319243907928467 +3.08499978200115,3.559131198840616,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.559131198840616,2.9263663291931152,2.99246546626091,1.726903630063889,6.701891526579857,8.580832958221436 +3.2083847290917795,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.559131198840616,2.9263663291931152,2.99246546626091,1.726903630063889,6.701891526579857,8.580832958221436 +3.1971868682326625,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.559131198840616,2.9263663291931152,2.99246546626091,1.726903630063889,6.701891526579857,8.580832958221436 +3.182211020877412,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.559131198840616,2.9263663291931152,2.99246546626091,1.726903630063889,6.701891526579857,8.580832958221436 +3.3408729667016934,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.559131198840616,2.9263663291931152,2.99246546626091,1.726903630063889,6.701891526579857,8.580832958221436 +3.2698383329717804,3.6085066957623546,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6085066957623546,3.1140761375427246,3.1674847304821014,1.4002614072028627,6.647833198308945,8.150198459625244 +3.2379591808474033,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6085066957623546,3.1140761375427246,3.1674847304821014,1.4002614072028627,6.647833198308945,8.150198459625244 +3.612077883546011,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6085066957623546,3.1140761375427246,3.1674847304821014,1.4002614072028627,6.647833198308945,8.150198459625244 +3.1119685449714054,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6085066957623546,3.1140761375427246,3.1674847304821014,1.4002614072028627,6.647833198308945,8.150198459625244 +3.182756881894104,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6085066957623546,3.1140761375427246,3.1674847304821014,1.4002614072028627,6.647833198308945,8.150198459625244 +3.1412381488503764,2.887716802705021,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.887716802705021,2.1435670852661133,2.320383310317993,1.0766759124842096,6.00723372399807,7.930553913116455 +3.5941178683853594,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.887716802705021,2.1435670852661133,2.320383310317993,1.0766759124842096,6.00723372399807,7.930553913116455 +3.1182197094833186,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.887716802705021,2.1435670852661133,2.320383310317993,1.0766759124842096,6.00723372399807,7.930553913116455 +3.371335935450359,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.887716802705021,2.1435670852661133,2.320383310317993,1.0766759124842096,6.00723372399807,7.930553913116455 +3.222341896328749,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.887716802705021,2.1435670852661133,2.320383310317993,1.0766759124842096,6.00723372399807,7.930553913116455 +3.395729491462442,3.6691219645176885,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6691219645176885,2.908383846282959,2.9322734028100967,1.2707488590732534,7.562637100617091,10.156342029571533 +3.3622139081635587,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6691219645176885,2.908383846282959,2.9322734028100967,1.2707488590732534,7.562637100617091,10.156342029571533 +3.1213305045502255,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6691219645176885,2.908383846282959,2.9322734028100967,1.2707488590732534,7.562637100617091,10.156342029571533 +3.0814058460907847,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6691219645176885,2.908383846282959,2.9322734028100967,1.2707488590732534,7.562637100617091,10.156342029571533 +3.103002733138417,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.6691219645176885,2.908383846282959,2.9322734028100967,1.2707488590732534,7.562637100617091,10.156342029571533 +3.1770819519653877,3.7186040158983302,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7186040158983302,3.09800386428833,3.187508076429367,1.297845411173841,7.242238650719325,8.983336448669434 +3.339694858051896,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7186040158983302,3.09800386428833,3.187508076429367,1.297845411173841,7.242238650719325,8.983336448669434 +3.342061497468689,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7186040158983302,3.09800386428833,3.187508076429367,1.297845411173841,7.242238650719325,8.983336448669434 +3.349588723947104,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7186040158983302,3.09800386428833,3.187508076429367,1.297845411173841,7.242238650719325,8.983336448669434 +3.380424781368961,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7186040158983302,3.09800386428833,3.187508076429367,1.297845411173841,7.242238650719325,8.983336448669434 +3.3100782967214557,3.7144688369403958,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7144688369403958,3.3234870433807373,3.3387539386749268,1.3705914153697643,6.841791749000549,7.562975645065308 +3.35837875634669,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7144688369403958,3.3234870433807373,3.3387539386749268,1.3705914153697643,6.841791749000549,7.562975645065308 +3.4230049184130737,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7144688369403958,3.3234870433807373,3.3387539386749268,1.3705914153697643,6.841791749000549,7.562975645065308 +3.2567017858635525,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7144688369403958,3.3234870433807373,3.3387539386749268,1.3705914153697643,6.841791749000549,7.562975645065308 +3.308197632115779,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.7144688369403958,3.3234870433807373,3.3387539386749268,1.3705914153697643,6.841791749000549,7.562975645065308 +3.255457786986461,3.305059532532517,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.305059532532517,2.512169122695923,2.7007298916578293,0.8460482650614799,7.092874467372894,8.670036315917969 +3.3224379024628936,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.305059532532517,2.512169122695923,2.7007298916578293,0.8460482650614799,7.092874467372894,8.670036315917969 +3.3710398562548964,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.305059532532517,2.512169122695923,2.7007298916578293,0.8460482650614799,7.092874467372894,8.670036315917969 +3.426474295912276,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.305059532532517,2.512169122695923,2.7007298916578293,0.8460482650614799,7.092874467372894,8.670036315917969 +3.5156914945543605,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.305059532532517,2.512169122695923,2.7007298916578293,0.8460482650614799,7.092874467372894,8.670036315917969 +3.3862714622792263,3.314521804685992,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.314521804685992,2.5648326873779297,2.6926818042993546,0.9093843907751935,7.176678051551183,8.869825839996338 +3.1468369318888736,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.314521804685992,2.5648326873779297,2.6926818042993546,0.9093843907751935,7.176678051551183,8.869825839996338 +3.0967969133738498,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.314521804685992,2.5648326873779297,2.6926818042993546,0.9093843907751935,7.176678051551183,8.869825839996338 +3.6038681227585365,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.314521804685992,2.5648326873779297,2.6926818042993546,0.9093843907751935,7.176678051551183,8.869825839996338 +3.214127753947711,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.314521804685992,2.5648326873779297,2.6926818042993546,0.9093843907751935,7.176678051551183,8.869825839996338 +3.108453876301844,4.299644201525843,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.299644201525843,3.8127968311309814,3.8681721687316895,1.952758863885352,7.576815575361252,9.359712600708008 +3.5037348779901585,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.299644201525843,3.8127968311309814,3.8681721687316895,1.952758863885352,7.576815575361252,9.359712600708008 +3.143648071436888,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.299644201525843,3.8127968311309814,3.8681721687316895,1.952758863885352,7.576815575361252,9.359712600708008 +3.3486173670511663,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.299644201525843,3.8127968311309814,3.8681721687316895,1.952758863885352,7.576815575361252,9.359712600708008 +3.3280491848286013,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.299644201525843,3.8127968311309814,3.8681721687316895,1.952758863885352,7.576815575361252,9.359712600708008 +3.5206986306240133,3.1035740886137124,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.1035740886137124,2.1222786903381348,2.3486959487199783,1.1487349190927567,6.710111757119496,8.584329605102539 +3.189806401690058,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.1035740886137124,2.1222786903381348,2.3486959487199783,1.1487349190927567,6.710111757119496,8.584329605102539 +3.379590116184333,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.1035740886137124,2.1222786903381348,2.3486959487199783,1.1487349190927567,6.710111757119496,8.584329605102539 +3.2488769010816076,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.1035740886137124,2.1222786903381348,2.3486959487199783,1.1487349190927567,6.710111757119496,8.584329605102539 +3.2022734416811787,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.1035740886137124,2.1222786903381348,2.3486959487199783,1.1487349190927567,6.710111757119496,8.584329605102539 +3.158140846150149,2.7424613969956395,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.7424613969956395,1.974966049194336,2.10724875330925,0.7258260868331219,6.183027058839798,7.65711784362793 +3.1012808578953504,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.7424613969956395,1.974966049194336,2.10724875330925,0.7258260868331219,6.183027058839798,7.65711784362793 +3.3038233692710848,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.7424613969956395,1.974966049194336,2.10724875330925,0.7258260868331219,6.183027058839798,7.65711784362793 +2.958207998869432,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.7424613969956395,1.974966049194336,2.10724875330925,0.7258260868331219,6.183027058839798,7.65711784362793 +3.1870679868192506,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.7424613969956395,1.974966049194336,2.10724875330925,0.7258260868331219,6.183027058839798,7.65711784362793 +3.3221230758477587,3.3952353147311984,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.3952353147311984,2.561548948287964,2.7119626700878143,1.1334271494378434,7.037472714980443,9.335630416870117 +3.2080708942141394,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.3952353147311984,2.561548948287964,2.7119626700878143,1.1334271494378434,7.037472714980443,9.335630416870117 +2.9846622784787527,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.3952353147311984,2.561548948287964,2.7119626700878143,1.1334271494378434,7.037472714980443,9.335630416870117 +3.0590886015158434,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.3952353147311984,2.561548948287964,2.7119626700878143,1.1334271494378434,7.037472714980443,9.335630416870117 +3.128074268150867,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.3952353147311984,2.561548948287964,2.7119626700878143,1.1334271494378434,7.037472714980443,9.335630416870117 +3.320607361094705,3.2966211633220395,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2966211633220395,2.367859363555908,2.650978982448578,0.7681047833980398,7.337830116351445,9.070688247680664 +3.227411341327255,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2966211633220395,2.367859363555908,2.650978982448578,0.7681047833980398,7.337830116351445,9.070688247680664 +3.151091676847688,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2966211633220395,2.367859363555908,2.650978982448578,0.7681047833980398,7.337830116351445,9.070688247680664 +3.3850936077001554,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2966211633220395,2.367859363555908,2.650978982448578,0.7681047833980398,7.337830116351445,9.070688247680664 +3.0167349976949414,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2966211633220395,2.367859363555908,2.650978982448578,0.7681047833980398,7.337830116351445,9.070688247680664 +3.3749546814186187,3.929029221544091,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.929029221544091,3.5598552227020264,3.527352452278137,1.2663240290068565,7.5074215432008105,9.477030754089355 +3.284969824279809,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.929029221544091,3.5598552227020264,3.527352452278137,1.2663240290068565,7.5074215432008105,9.477030754089355 +3.2610755165944996,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.929029221544091,3.5598552227020264,3.527352452278137,1.2663240290068565,7.5074215432008105,9.477030754089355 +3.1660616065644773,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.929029221544091,3.5598552227020264,3.527352452278137,1.2663240290068565,7.5074215432008105,9.477030754089355 +3.095203333650407,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.929029221544091,3.5598552227020264,3.527352452278137,1.2663240290068565,7.5074215432008105,9.477030754089355 +3.1453604616363107,3.2423792919485357,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2423792919485357,2.489629030227661,2.699788883328438,1.0273484592425062,6.579966535170873,8.030697345733643 +3.279830458764214,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2423792919485357,2.489629030227661,2.699788883328438,1.0273484592425062,6.579966535170873,8.030697345733643 +3.243015219840352,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2423792919485357,2.489629030227661,2.699788883328438,1.0273484592425062,6.579966535170873,8.030697345733643 +3.150127263952155,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2423792919485357,2.489629030227661,2.699788883328438,1.0273484592425062,6.579966535170873,8.030697345733643 +3.134331190499134,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.2423792919485357,2.489629030227661,2.699788883328438,1.0273484592425062,6.579966535170873,8.030697345733643 +3.210803397632246,2.8925115468458356,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.8925115468458356,2.2394826412200928,2.3401249051094055,0.93909667368899,5.954578409592311,7.407553195953369 +3.335757999209099,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.8925115468458356,2.2394826412200928,2.3401249051094055,0.93909667368899,5.954578409592311,7.407553195953369 +3.1253826963648557,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.8925115468458356,2.2394826412200928,2.3401249051094055,0.93909667368899,5.954578409592311,7.407553195953369 +3.150825356180219,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.8925115468458356,2.2394826412200928,2.3401249051094055,0.93909667368899,5.954578409592311,7.407553195953369 +3.343446782753069,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,2.8925115468458356,2.2394826412200928,2.3401249051094055,0.93909667368899,5.954578409592311,7.407553195953369 +3.211854192618508,3.0505693915314698,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.0505693915314698,2.2517716884613037,2.3873950392007828,0.9681161420142397,6.69222707549731,9.271636486053467 +3.2822732669684234,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.0505693915314698,2.2517716884613037,2.3873950392007828,0.9681161420142397,6.69222707549731,9.271636486053467 +3.2306881345788745,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.0505693915314698,2.2517716884613037,2.3873950392007828,0.9681161420142397,6.69222707549731,9.271636486053467 +3.19849742148615,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.0505693915314698,2.2517716884613037,2.3873950392007828,0.9681161420142397,6.69222707549731,9.271636486053467 +3.322383629113673,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.0505693915314698,2.2517716884613037,2.3873950392007828,0.9681161420142397,6.69222707549731,9.271636486053467 +3.227020305727142,4.094929781571733,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.094929781571733,3.4210803508758545,3.5389156341552734,1.8737044347093461,7.4824347992738085,9.327508926391602 +3.475614587867766,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.094929781571733,3.4210803508758545,3.5389156341552734,1.8737044347093461,7.4824347992738085,9.327508926391602 +3.281074328076302,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.094929781571733,3.4210803508758545,3.5389156341552734,1.8737044347093461,7.4824347992738085,9.327508926391602 +3.1132655968835246,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.094929781571733,3.4210803508758545,3.5389156341552734,1.8737044347093461,7.4824347992738085,9.327508926391602 +3.0287252897767236,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.094929781571733,3.4210803508758545,3.5389156341552734,1.8737044347093461,7.4824347992738085,9.327508926391602 +3.10828646343567,3.5346504617579946,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5346504617579946,2.6210715770721436,2.7155702263116837,1.0404263579464974,7.731856097777684,10.202452659606934 +3.235429596699359,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5346504617579946,2.6210715770721436,2.7155702263116837,1.0404263579464974,7.731856097777684,10.202452659606934 +3.1712021339951524,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5346504617579946,2.6210715770721436,2.7155702263116837,1.0404263579464974,7.731856097777684,10.202452659606934 +3.2281292373566477,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5346504617579946,2.6210715770721436,2.7155702263116837,1.0404263579464974,7.731856097777684,10.202452659606934 +3.11014603659392,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.5346504617579946,2.6210715770721436,2.7155702263116837,1.0404263579464974,7.731856097777684,10.202452659606934 +3.181626795378541,3.025584068519907,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.025584068519907,1.8575156927108765,2.175069287419319,0.7159956031023188,7.124023531874021,9.459839344024658 +3.3338741716837377,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.025584068519907,1.8575156927108765,2.175069287419319,0.7159956031023188,7.124023531874021,9.459839344024658 +3.0278556959935776,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.025584068519907,1.8575156927108765,2.175069287419319,0.7159956031023188,7.124023531874021,9.459839344024658 +3.4534027385537756,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.025584068519907,1.8575156927108765,2.175069287419319,0.7159956031023188,7.124023531874021,9.459839344024658 +3.3686639025846907,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.025584068519907,1.8575156927108765,2.175069287419319,0.7159956031023188,7.124023531874021,9.459839344024658 +3.1656679976484505,3.789965102653853,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.789965102653853,3.2052183151245117,3.318171203136444,1.5667260041896334,6.989804317553838,8.392746925354004 +2.9728851186936667,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.789965102653853,3.2052183151245117,3.318171203136444,1.5667260041896334,6.989804317553838,8.392746925354004 +3.1412887366918416,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.789965102653853,3.2052183151245117,3.318171203136444,1.5667260041896334,6.989804317553838,8.392746925354004 +3.3824982341151655,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.789965102653853,3.2052183151245117,3.318171203136444,1.5667260041896334,6.989804317553838,8.392746925354004 +3.1777996750899273,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.789965102653853,3.2052183151245117,3.318171203136444,1.5667260041896334,6.989804317553838,8.392746925354004 +3.239352272937089,3.463295879164291,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.463295879164291,2.9892406463623047,3.1622137427330017,1.505474607995216,6.216404249270757,7.692867279052734 +3.192526792183479,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.463295879164291,2.9892406463623047,3.1622137427330017,1.505474607995216,6.216404249270757,7.692867279052734 +3.327254467582039,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.463295879164291,2.9892406463623047,3.1622137427330017,1.505474607995216,6.216404249270757,7.692867279052734 +3.138448033254564,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.463295879164291,2.9892406463623047,3.1622137427330017,1.505474607995216,6.216404249270757,7.692867279052734 +3.2490188022902537,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,3.463295879164291,2.9892406463623047,3.1622137427330017,1.505474607995216,6.216404249270757,7.692867279052734 +3.2782331528018576,5.331468486973129,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.331468486973129,4.7833991050720215,4.931794434785843,2.7654532003909984,8.682144492864609,10.081847190856934 +3.0256136224187653,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.331468486973129,4.7833991050720215,4.931794434785843,2.7654532003909984,8.682144492864609,10.081847190856934 +3.266589504318307,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.331468486973129,4.7833991050720215,4.931794434785843,2.7654532003909984,8.682144492864609,10.081847190856934 +3.2249047275168192,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.331468486973129,4.7833991050720215,4.931794434785843,2.7654532003909984,8.682144492864609,10.081847190856934 +3.2498999044141024,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,5.331468486973129,4.7833991050720215,4.931794434785843,2.7654532003909984,8.682144492864609,10.081847190856934 +3.0405163424242714,4.437653372893159,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.437653372893159,4.372913837432861,4.270881026983261,1.7721915593806734,7.4273049136002856,8.273200511932373 +3.1302950622548473,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.437653372893159,4.372913837432861,4.270881026983261,1.7721915593806734,7.4273049136002856,8.273200511932373 +3.466599435918527,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.437653372893159,4.372913837432861,4.270881026983261,1.7721915593806734,7.4273049136002856,8.273200511932373 +3.184437894595871,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.437653372893159,4.372913837432861,4.270881026983261,1.7721915593806734,7.4273049136002856,8.273200511932373 +3.0135014542534115,0,2.5728046248096446,1.7028385400772095,1.86847323179245,0.5806865742866029,6.193651661276817,8.36628794670105,4.437653372893159,4.372913837432861,4.270881026983261,1.7721915593806734,7.4273049136002856,8.273200511932373 +3.4342376035032918,2.5680265510503535,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066 +3.359953253216231,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066 +3.094799804968132,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066 +3.1819136033639985,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066 +3.132491042051929,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066 +3.412226747770841,3.332227875112863,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,3.332227875112863,2.6356680393218994,2.7792908400297165,1.049106408940985,6.676303784052531,8.373223304748535 +3.344782318435708,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,3.332227875112863,2.6356680393218994,2.7792908400297165,1.049106408940985,6.676303784052531,8.373223304748535 +3.041560859357647,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,3.332227875112863,2.6356680393218994,2.7792908400297165,1.049106408940985,6.676303784052531,8.373223304748535 +3.1875384532369733,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,3.332227875112863,2.6356680393218994,2.7792908400297165,1.049106408940985,6.676303784052531,8.373223304748535 +3.2810629451306492,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,3.332227875112863,2.6356680393218994,2.7792908400297165,1.049106408940985,6.676303784052531,8.373223304748535 +3.216182426922517,2.6659795041171668,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.6659795041171668,1.6490072011947632,1.870865359902382,0.5632558205026261,6.459706708788872,8.497127532958984 +3.126056957960287,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.6659795041171668,1.6490072011947632,1.870865359902382,0.5632558205026261,6.459706708788872,8.497127532958984 +3.022669233381748,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.6659795041171668,1.6490072011947632,1.870865359902382,0.5632558205026261,6.459706708788872,8.497127532958984 +3.3105640339835567,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.6659795041171668,1.6490072011947632,1.870865359902382,0.5632558205026261,6.459706708788872,8.497127532958984 +3.1327465172629774,0,2.5680265510503535,1.7141783237457275,1.8552909642457962,0.6618790992713989,5.853798607985179,7.387146949768066,2.6659795041171668,1.6490072011947632,1.870865359902382,0.5632558205026261,6.459706708788872,8.497127532958984 +3.1909332895350078,2.4971521511985992,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021 +3.6820896402870944,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021 +3.3221800649434883,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021 +3.3172447746644287,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021 +3.138798508071773,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021 +3.2075141886303533,2.8747861251937157,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.8747861251937157,1.8502318859100342,2.039762958884239,0.8379370547989582,6.696707556645076,8.75286865234375 +3.264067875216431,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.8747861251937157,1.8502318859100342,2.039762958884239,0.8379370547989582,6.696707556645076,8.75286865234375 +3.2533389633862346,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.8747861251937157,1.8502318859100342,2.039762958884239,0.8379370547989582,6.696707556645076,8.75286865234375 +3.183335070663801,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.8747861251937157,1.8502318859100342,2.039762958884239,0.8379370547989582,6.696707556645076,8.75286865234375 +3.2906523575754316,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.8747861251937157,1.8502318859100342,2.039762958884239,0.8379370547989582,6.696707556645076,8.75286865234375 +3.272990455915188,3.336135930727914,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.336135930727914,2.460526943206787,2.6110368072986603,1.0827297999503764,7.176434904336929,8.878281593322754 +3.440497244562489,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.336135930727914,2.460526943206787,2.6110368072986603,1.0827297999503764,7.176434904336929,8.878281593322754 +3.100291827273622,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.336135930727914,2.460526943206787,2.6110368072986603,1.0827297999503764,7.176434904336929,8.878281593322754 +3.1042619492433747,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.336135930727914,2.460526943206787,2.6110368072986603,1.0827297999503764,7.176434904336929,8.878281593322754 +3.3455768787852964,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.336135930727914,2.460526943206787,2.6110368072986603,1.0827297999503764,7.176434904336929,8.878281593322754 +3.0489398000727284,3.3309179999675425,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.3309179999675425,2.7605948448181152,2.876683235168457,1.2980106661611415,6.324909816185634,7.393326759338379 +3.297275068095097,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.3309179999675425,2.7605948448181152,2.876683235168457,1.2980106661611415,6.324909816185634,7.393326759338379 +3.213494337660406,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.3309179999675425,2.7605948448181152,2.876683235168457,1.2980106661611415,6.324909816185634,7.393326759338379 +3.1950171373250944,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.3309179999675425,2.7605948448181152,2.876683235168457,1.2980106661611415,6.324909816185634,7.393326759338379 +3.0838741234229476,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.3309179999675425,2.7605948448181152,2.876683235168457,1.2980106661611415,6.324909816185634,7.393326759338379 +3.367934087661913,3.333768810472251,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.333768810472251,2.957970380783081,2.971215844154358,1.2596140194763528,6.23931223154068,7.467452049255371 +3.2130749370280247,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.333768810472251,2.957970380783081,2.971215844154358,1.2596140194763528,6.23931223154068,7.467452049255371 +3.4222295664705396,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.333768810472251,2.957970380783081,2.971215844154358,1.2596140194763528,6.23931223154068,7.467452049255371 +3.2782437989305437,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.333768810472251,2.957970380783081,2.971215844154358,1.2596140194763528,6.23931223154068,7.467452049255371 +3.167852181042063,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.333768810472251,2.957970380783081,2.971215844154358,1.2596140194763528,6.23931223154068,7.467452049255371 +3.214594259937183,4.074516577480351,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.074516577480351,3.5841379165649414,3.7295334339141846,2.1062620355093733,6.788937936226527,7.948029041290283 +3.2359712366953453,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.074516577480351,3.5841379165649414,3.7295334339141846,2.1062620355093733,6.788937936226527,7.948029041290283 +3.268777718574836,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.074516577480351,3.5841379165649414,3.7295334339141846,2.1062620355093733,6.788937936226527,7.948029041290283 +3.2500551400869213,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.074516577480351,3.5841379165649414,3.7295334339141846,2.1062620355093733,6.788937936226527,7.948029041290283 +3.107235320920337,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.074516577480351,3.5841379165649414,3.7295334339141846,2.1062620355093733,6.788937936226527,7.948029041290283 +3.056535117031725,3.269903006002853,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.269903006002853,2.728571891784668,2.8373610973358154,1.1555541866320245,6.432426859935124,7.996179103851318 +3.4435313623052695,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.269903006002853,2.728571891784668,2.8373610973358154,1.1555541866320245,6.432426859935124,7.996179103851318 +3.161310055330198,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.269903006002853,2.728571891784668,2.8373610973358154,1.1555541866320245,6.432426859935124,7.996179103851318 +3.135786088850517,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.269903006002853,2.728571891784668,2.8373610973358154,1.1555541866320245,6.432426859935124,7.996179103851318 +2.9567548979854394,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.269903006002853,2.728571891784668,2.8373610973358154,1.1555541866320245,6.432426859935124,7.996179103851318 +3.400220909351063,4.2668008551547665,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.2668008551547665,3.654573917388916,3.7934648990631104,1.8501936209962724,7.67653293410937,8.693588256835938 +3.2909689735354415,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.2668008551547665,3.654573917388916,3.7934648990631104,1.8501936209962724,7.67653293410937,8.693588256835938 +3.220270896740554,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.2668008551547665,3.654573917388916,3.7934648990631104,1.8501936209962724,7.67653293410937,8.693588256835938 +3.029436571647065,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.2668008551547665,3.654573917388916,3.7934648990631104,1.8501936209962724,7.67653293410937,8.693588256835938 +3.127856714616404,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.2668008551547665,3.654573917388916,3.7934648990631104,1.8501936209962724,7.67653293410937,8.693588256835938 +3.2615855752591747,3.5326707206315393,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5326707206315393,2.577469825744629,2.798631951212883,1.243655262792364,7.416044553120931,9.423206806182861 +3.0341637393444856,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5326707206315393,2.577469825744629,2.798631951212883,1.243655262792364,7.416044553120931,9.423206806182861 +3.2315608617362988,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5326707206315393,2.577469825744629,2.798631951212883,1.243655262792364,7.416044553120931,9.423206806182861 +3.0006801325541277,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5326707206315393,2.577469825744629,2.798631951212883,1.243655262792364,7.416044553120931,9.423206806182861 +2.9658090592774538,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5326707206315393,2.577469825744629,2.798631951212883,1.243655262792364,7.416044553120931,9.423206806182861 +2.994319248381281,3.0241485352759585,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0241485352759585,2.3651301860809326,2.437032163143158,0.9125241672104978,6.342429841558139,8.066120147705078 +3.2942753098806272,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0241485352759585,2.3651301860809326,2.437032163143158,0.9125241672104978,6.342429841558139,8.066120147705078 +3.072806722131269,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0241485352759585,2.3651301860809326,2.437032163143158,0.9125241672104978,6.342429841558139,8.066120147705078 +3.234724210471468,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0241485352759585,2.3651301860809326,2.437032163143158,0.9125241672104978,6.342429841558139,8.066120147705078 +2.9721031583430597,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0241485352759585,2.3651301860809326,2.437032163143158,0.9125241672104978,6.342429841558139,8.066120147705078 +3.3050780052057314,2.7272754298688855,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7272754298688855,1.7674648761749268,1.9389684945344925,0.5415199118408751,6.66207018494606,8.041056394577026 +3.138086517744102,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7272754298688855,1.7674648761749268,1.9389684945344925,0.5415199118408751,6.66207018494606,8.041056394577026 +3.1564404235989727,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7272754298688855,1.7674648761749268,1.9389684945344925,0.5415199118408751,6.66207018494606,8.041056394577026 +3.4115102666995885,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7272754298688855,1.7674648761749268,1.9389684945344925,0.5415199118408751,6.66207018494606,8.041056394577026 +3.1534312570798617,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7272754298688855,1.7674648761749268,1.9389684945344925,0.5415199118408751,6.66207018494606,8.041056394577026 +3.0609421937155785,3.543594674290163,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.543594674290163,2.9587643146514893,3.0579207241535187,1.279634249971268,6.903679649035136,8.397555828094482 +3.3043279979842413,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.543594674290163,2.9587643146514893,3.0579207241535187,1.279634249971268,6.903679649035136,8.397555828094482 +3.2233930184686215,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.543594674290163,2.9587643146514893,3.0579207241535187,1.279634249971268,6.903679649035136,8.397555828094482 +3.2466498197152696,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.543594674290163,2.9587643146514893,3.0579207241535187,1.279634249971268,6.903679649035136,8.397555828094482 +3.077617797852353,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.543594674290163,2.9587643146514893,3.0579207241535187,1.279634249971268,6.903679649035136,8.397555828094482 +3.159320848334373,3.403943913847364,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.403943913847364,2.824314832687378,2.9083491563796997,1.019144631763722,6.904913832743962,8.465746879577637 +3.261704224846091,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.403943913847364,2.824314832687378,2.9083491563796997,1.019144631763722,6.904913832743962,8.465746879577637 +3.038075128743124,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.403943913847364,2.824314832687378,2.9083491563796997,1.019144631763722,6.904913832743962,8.465746879577637 +3.275584586854006,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.403943913847364,2.824314832687378,2.9083491563796997,1.019144631763722,6.904913832743962,8.465746879577637 +3.2061437207128387,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.403943913847364,2.824314832687378,2.9083491563796997,1.019144631763722,6.904913832743962,8.465746879577637 +3.1414360197690816,3.357289622006304,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.357289622006304,2.279330253601074,2.626875415444374,1.0703374098273033,7.248032242059708,8.878503322601318 +3.051888891414243,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.357289622006304,2.279330253601074,2.626875415444374,1.0703374098273033,7.248032242059708,8.878503322601318 +3.288643599821339,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.357289622006304,2.279330253601074,2.626875415444374,1.0703374098273033,7.248032242059708,8.878503322601318 +3.1552232129978566,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.357289622006304,2.279330253601074,2.626875415444374,1.0703374098273033,7.248032242059708,8.878503322601318 +3.114201297672263,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.357289622006304,2.279330253601074,2.626875415444374,1.0703374098273033,7.248032242059708,8.878503322601318 +3.2036560730371297,2.6286538404007858,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.6286538404007858,1.786626935005188,1.8802919834852219,0.6515313621531141,6.123588328560193,8.232686519622803 +3.1957138029547205,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.6286538404007858,1.786626935005188,1.8802919834852219,0.6515313621531141,6.123588328560193,8.232686519622803 +3.2123925196555314,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.6286538404007858,1.786626935005188,1.8802919834852219,0.6515313621531141,6.123588328560193,8.232686519622803 +3.1546643175955476,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.6286538404007858,1.786626935005188,1.8802919834852219,0.6515313621531141,6.123588328560193,8.232686519622803 +3.209489100254499,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.6286538404007858,1.786626935005188,1.8802919834852219,0.6515313621531141,6.123588328560193,8.232686519622803 +3.1500992540378787,3.050673876055248,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.050673876055248,2.350853204727173,2.4882158637046814,1.0352148549987914,6.157844791809718,7.589591026306152 +3.2084490086300304,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.050673876055248,2.350853204727173,2.4882158637046814,1.0352148549987914,6.157844791809718,7.589591026306152 +3.332223648299273,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.050673876055248,2.350853204727173,2.4882158637046814,1.0352148549987914,6.157844791809718,7.589591026306152 +3.269609336195321,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.050673876055248,2.350853204727173,2.4882158637046814,1.0352148549987914,6.157844791809718,7.589591026306152 +2.988672457536589,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.050673876055248,2.350853204727173,2.4882158637046814,1.0352148549987914,6.157844791809718,7.589591026306152 +3.2000669672966637,3.4525289088487625,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.4525289088487625,2.9362499713897705,3.0152874886989594,1.2296473355369364,6.465958595275879,7.969319581985474 +3.036014125699706,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.4525289088487625,2.9362499713897705,3.0152874886989594,1.2296473355369364,6.465958595275879,7.969319581985474 +3.0582760058797955,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.4525289088487625,2.9362499713897705,3.0152874886989594,1.2296473355369364,6.465958595275879,7.969319581985474 +3.170756270955823,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.4525289088487625,2.9362499713897705,3.0152874886989594,1.2296473355369364,6.465958595275879,7.969319581985474 +3.1531006644432993,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.4525289088487625,2.9362499713897705,3.0152874886989594,1.2296473355369364,6.465958595275879,7.969319581985474 +3.1649451714295607,3.653263167561037,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.653263167561037,3.186964750289917,3.2159664928913116,1.3338444258304352,6.875008801619212,8.318943500518799 +3.1367088609254012,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.653263167561037,3.186964750289917,3.2159664928913116,1.3338444258304352,6.875008801619212,8.318943500518799 +3.2739515987173,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.653263167561037,3.186964750289917,3.2159664928913116,1.3338444258304352,6.875008801619212,8.318943500518799 +3.0286965895869056,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.653263167561037,3.186964750289917,3.2159664928913116,1.3338444258304352,6.875008801619212,8.318943500518799 +3.1766093594642153,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.653263167561037,3.186964750289917,3.2159664928913116,1.3338444258304352,6.875008801619212,8.318943500518799 +3.4088959043712137,2.7275511081384116,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7275511081384116,1.9427955150604248,2.0846200585365295,0.9192568819890631,5.885738730430603,8.02413010597229 +3.0159208485239066,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7275511081384116,1.9427955150604248,2.0846200585365295,0.9192568819890631,5.885738730430603,8.02413010597229 +3.2672668597426275,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7275511081384116,1.9427955150604248,2.0846200585365295,0.9192568819890631,5.885738730430603,8.02413010597229 +3.703126954858436,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7275511081384116,1.9427955150604248,2.0846200585365295,0.9192568819890631,5.885738730430603,8.02413010597229 +3.269606129204563,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7275511081384116,1.9427955150604248,2.0846200585365295,0.9192568819890631,5.885738730430603,8.02413010597229 +2.989131944130523,3.0867990721894807,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0867990721894807,2.2176146507263184,2.4382486194372177,1.2770679979882342,6.311402310927709,8.174610376358032 +3.228547105778117,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0867990721894807,2.2176146507263184,2.4382486194372177,1.2770679979882342,6.311402310927709,8.174610376358032 +3.3929274314989777,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0867990721894807,2.2176146507263184,2.4382486194372177,1.2770679979882342,6.311402310927709,8.174610376358032 +3.3216892031839103,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0867990721894807,2.2176146507263184,2.4382486194372177,1.2770679979882342,6.311402310927709,8.174610376358032 +2.991677845919638,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.0867990721894807,2.2176146507263184,2.4382486194372177,1.2770679979882342,6.311402310927709,8.174610376358032 +3.3049896770905436,3.1783135261835227,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.1783135261835227,2.5260775089263916,2.6263152956962585,1.0464606538732002,6.564453090230624,8.071610927581787 +3.2342794417583973,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.1783135261835227,2.5260775089263916,2.6263152956962585,1.0464606538732002,6.564453090230624,8.071610927581787 +3.2093529458347936,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.1783135261835227,2.5260775089263916,2.6263152956962585,1.0464606538732002,6.564453090230624,8.071610927581787 +3.2865877530737646,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.1783135261835227,2.5260775089263916,2.6263152956962585,1.0464606538732002,6.564453090230624,8.071610927581787 +3.213233210620735,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.1783135261835227,2.5260775089263916,2.6263152956962585,1.0464606538732002,6.564453090230624,8.071610927581787 +3.082345653710694,4.096759079950642,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.096759079950642,3.576317310333252,3.6362988650798798,1.7171768495377073,7.45834082365036,9.180583477020264 +3.3270706725492087,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.096759079950642,3.576317310333252,3.6362988650798798,1.7171768495377073,7.45834082365036,9.180583477020264 +2.800877828457311,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.096759079950642,3.576317310333252,3.6362988650798798,1.7171768495377073,7.45834082365036,9.180583477020264 +3.2627780130355366,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.096759079950642,3.576317310333252,3.6362988650798798,1.7171768495377073,7.45834082365036,9.180583477020264 +3.1572866070649983,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,4.096759079950642,3.576317310333252,3.6362988650798798,1.7171768495377073,7.45834082365036,9.180583477020264 +3.196826691336594,3.2934938176920276,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.2934938176920276,3.0205116271972656,2.9766604006290436,1.0994886036248916,6.277051637570064,7.450848340988159 +3.082360719733276,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.2934938176920276,3.0205116271972656,2.9766604006290436,1.0994886036248916,6.277051637570064,7.450848340988159 +3.034682615069717,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.2934938176920276,3.0205116271972656,2.9766604006290436,1.0994886036248916,6.277051637570064,7.450848340988159 +3.423284185600692,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.2934938176920276,3.0205116271972656,2.9766604006290436,1.0994886036248916,6.277051637570064,7.450848340988159 +3.114949017525984,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.2934938176920276,3.0205116271972656,2.9766604006290436,1.0994886036248916,6.277051637570064,7.450848340988159 +3.0589190359259475,3.6535981022874724,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6535981022874724,2.868739366531372,2.95722733438015,1.3874796768452258,7.326025356849034,9.000773429870605 +3.005382195490583,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6535981022874724,2.868739366531372,2.95722733438015,1.3874796768452258,7.326025356849034,9.000773429870605 +3.0212843767923134,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6535981022874724,2.868739366531372,2.95722733438015,1.3874796768452258,7.326025356849034,9.000773429870605 +3.129700434065624,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6535981022874724,2.868739366531372,2.95722733438015,1.3874796768452258,7.326025356849034,9.000773429870605 +3.071609238928446,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6535981022874724,2.868739366531372,2.95722733438015,1.3874796768452258,7.326025356849034,9.000773429870605 +3.110471409160041,3.621461469309492,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.621461469309492,3.149519205093384,3.1701399832963943,1.2964467995978417,6.991260637839635,8.819089412689209 +3.169039130289928,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.621461469309492,3.149519205093384,3.1701399832963943,1.2964467995978417,6.991260637839635,8.819089412689209 +3.2136006377419997,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.621461469309492,3.149519205093384,3.1701399832963943,1.2964467995978417,6.991260637839635,8.819089412689209 +3.241588943418046,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.621461469309492,3.149519205093384,3.1701399832963943,1.2964467995978417,6.991260637839635,8.819089412689209 +3.046477826583923,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.621461469309492,3.149519205093384,3.1701399832963943,1.2964467995978417,6.991260637839635,8.819089412689209 +3.3165034859661082,3.010322212392747,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.010322212392747,2.166905164718628,2.290761724114418,0.9877198725304706,6.6327650646368665,8.537923812866211 +3.2579099268551213,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.010322212392747,2.166905164718628,2.290761724114418,0.9877198725304706,6.6327650646368665,8.537923812866211 +3.104447223423963,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.010322212392747,2.166905164718628,2.290761724114418,0.9877198725304706,6.6327650646368665,8.537923812866211 +3.060334383868254,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.010322212392747,2.166905164718628,2.290761724114418,0.9877198725304706,6.6327650646368665,8.537923812866211 +3.206566923117606,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.010322212392747,2.166905164718628,2.290761724114418,0.9877198725304706,6.6327650646368665,8.537923812866211 +3.1288120633174,3.8595906545978567,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.8595906545978567,3.1488351821899414,3.331938862800598,1.4165111577257197,7.452416827281316,9.076759815216064 +3.291631403193866,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.8595906545978567,3.1488351821899414,3.331938862800598,1.4165111577257197,7.452416827281316,9.076759815216064 +3.201755945558415,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.8595906545978567,3.1488351821899414,3.331938862800598,1.4165111577257197,7.452416827281316,9.076759815216064 +3.1637757819551053,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.8595906545978567,3.1488351821899414,3.331938862800598,1.4165111577257197,7.452416827281316,9.076759815216064 +3.079264007409941,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.8595906545978567,3.1488351821899414,3.331938862800598,1.4165111577257197,7.452416827281316,9.076759815216064 +3.321881369329416,2.7814787177671314,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7814787177671314,2.0346128940582275,2.195248782634735,0.9176397352142537,5.804735362529755,7.283208131790161 +3.142644275266391,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7814787177671314,2.0346128940582275,2.195248782634735,0.9176397352142537,5.804735362529755,7.283208131790161 +3.2744586025055904,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7814787177671314,2.0346128940582275,2.195248782634735,0.9176397352142537,5.804735362529755,7.283208131790161 +3.317550799337559,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7814787177671314,2.0346128940582275,2.195248782634735,0.9176397352142537,5.804735362529755,7.283208131790161 +3.1100904328911625,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7814787177671314,2.0346128940582275,2.195248782634735,0.9176397352142537,5.804735362529755,7.283208131790161 +3.0719464118703605,3.6880878146874343,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6880878146874343,3.3056490421295166,3.3094893395900726,1.4518540790106387,6.719299823045731,7.806346654891968 +3.1260692118728826,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6880878146874343,3.3056490421295166,3.3094893395900726,1.4518540790106387,6.719299823045731,7.806346654891968 +3.1176973065109403,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6880878146874343,3.3056490421295166,3.3094893395900726,1.4518540790106387,6.719299823045731,7.806346654891968 +3.184661623317778,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6880878146874343,3.3056490421295166,3.3094893395900726,1.4518540790106387,6.719299823045731,7.806346654891968 +3.056774538336445,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6880878146874343,3.3056490421295166,3.3094893395900726,1.4518540790106387,6.719299823045731,7.806346654891968 +2.9341547372960917,2.7627503963977253,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7627503963977253,1.8564616441726685,2.137959197163582,1.0196330388809771,5.872879380981128,6.837814092636108 +3.002076315705909,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7627503963977253,1.8564616441726685,2.137959197163582,1.0196330388809771,5.872879380981128,6.837814092636108 +2.952246400124989,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7627503963977253,1.8564616441726685,2.137959197163582,1.0196330388809771,5.872879380981128,6.837814092636108 +3.123999943941911,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7627503963977253,1.8564616441726685,2.137959197163582,1.0196330388809771,5.872879380981128,6.837814092636108 +2.879338395492784,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7627503963977253,1.8564616441726685,2.137959197163582,1.0196330388809771,5.872879380981128,6.837814092636108 +3.335654047246163,3.23369995633345,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.23369995633345,2.7711398601531982,2.822089821100235,1.2026358430689954,6.086144357919693,7.362790822982788 +3.2158912293593196,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.23369995633345,2.7711398601531982,2.822089821100235,1.2026358430689954,6.086144357919693,7.362790822982788 +2.933800568828848,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.23369995633345,2.7711398601531982,2.822089821100235,1.2026358430689954,6.086144357919693,7.362790822982788 +3.2882429655216416,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.23369995633345,2.7711398601531982,2.822089821100235,1.2026358430689954,6.086144357919693,7.362790822982788 +3.1922483019313384,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.23369995633345,2.7711398601531982,2.822089821100235,1.2026358430689954,6.086144357919693,7.362790822982788 +3.3318451871250607,3.5660794190087244,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5660794190087244,3.012204170227051,3.125498950481415,1.372683011470957,6.7361820340156555,8.267282009124756 +3.4528648535318336,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5660794190087244,3.012204170227051,3.125498950481415,1.372683011470957,6.7361820340156555,8.267282009124756 +3.4720307768023613,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5660794190087244,3.012204170227051,3.125498950481415,1.372683011470957,6.7361820340156555,8.267282009124756 +3.0611027810001246,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5660794190087244,3.012204170227051,3.125498950481415,1.372683011470957,6.7361820340156555,8.267282009124756 +2.919646272490132,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.5660794190087244,3.012204170227051,3.125498950481415,1.372683011470957,6.7361820340156555,8.267282009124756 +2.9462584550406,2.7676690352290714,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7676690352290714,2.015185594558716,2.056239038705826,0.7072381556351134,6.262499113877614,7.8012611865997314 +3.190148436442136,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7676690352290714,2.015185594558716,2.056239038705826,0.7072381556351134,6.262499113877614,7.8012611865997314 +3.175033157162704,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7676690352290714,2.015185594558716,2.056239038705826,0.7072381556351134,6.262499113877614,7.8012611865997314 +3.047608841655267,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7676690352290714,2.015185594558716,2.056239038705826,0.7072381556351134,6.262499113877614,7.8012611865997314 +3.1324355969259847,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.7676690352290714,2.015185594558716,2.056239038705826,0.7072381556351134,6.262499113877614,7.8012611865997314 +3.004343016552356,2.877413006392137,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.877413006392137,1.9144841432571411,2.1400407552719116,0.6437331135285661,6.770256360371907,8.865277290344238 +3.080265368327538,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.877413006392137,1.9144841432571411,2.1400407552719116,0.6437331135285661,6.770256360371907,8.865277290344238 +2.9779087448151738,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.877413006392137,1.9144841432571411,2.1400407552719116,0.6437331135285661,6.770256360371907,8.865277290344238 +2.951693464950004,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.877413006392137,1.9144841432571411,2.1400407552719116,0.6437331135285661,6.770256360371907,8.865277290344238 +3.2766660654260247,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.877413006392137,1.9144841432571411,2.1400407552719116,0.6437331135285661,6.770256360371907,8.865277290344238 +3.3398910327085765,3.6934292714321177,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6934292714321177,3.2223360538482666,3.2961921095848083,1.3230054879442175,6.893593629201253,8.94792127609253 +2.99515348906068,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6934292714321177,3.2223360538482666,3.2961921095848083,1.3230054879442175,6.893593629201253,8.94792127609253 +2.96356790862602,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6934292714321177,3.2223360538482666,3.2961921095848083,1.3230054879442175,6.893593629201253,8.94792127609253 +3.094977678647092,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6934292714321177,3.2223360538482666,3.2961921095848083,1.3230054879442175,6.893593629201253,8.94792127609253 +3.045139397467321,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.6934292714321177,3.2223360538482666,3.2961921095848083,1.3230054879442175,6.893593629201253,8.94792127609253 +3.060636172995011,2.572447010164798,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.572447010164798,1.8733574151992798,2.0079706609249115,0.6057474884264012,5.779437055190404,7.38161563873291 +2.994546096090138,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.572447010164798,1.8733574151992798,2.0079706609249115,0.6057474884264012,5.779437055190404,7.38161563873291 +3.0713524391938902,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.572447010164798,1.8733574151992798,2.0079706609249115,0.6057474884264012,5.779437055190404,7.38161563873291 +3.2268438822434184,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.572447010164798,1.8733574151992798,2.0079706609249115,0.6057474884264012,5.779437055190404,7.38161563873291 +3.0661149395516127,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.572447010164798,1.8733574151992798,2.0079706609249115,0.6057474884264012,5.779437055190404,7.38161563873291 +3.1969902877466114,3.9718026961955726,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.9718026961955726,3.585503101348877,3.6432181298732758,1.789415809702366,6.866889466842015,8.067002534866333 +3.1550885871131795,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.9718026961955726,3.585503101348877,3.6432181298732758,1.789415809702366,6.866889466842015,8.067002534866333 +2.9273859893888314,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.9718026961955726,3.585503101348877,3.6432181298732758,1.789415809702366,6.866889466842015,8.067002534866333 +3.1537633922039987,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.9718026961955726,3.585503101348877,3.6432181298732758,1.789415809702366,6.866889466842015,8.067002534866333 +2.997311077221477,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.9718026961955726,3.585503101348877,3.6432181298732758,1.789415809702366,6.866889466842015,8.067002534866333 +3.1703469833304774,2.957663417135546,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.957663417135546,2.144662618637085,2.2407784163951874,0.9146564423720888,6.473498215277989,8.76682424545288 +3.1687237476480417,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.957663417135546,2.144662618637085,2.2407784163951874,0.9146564423720888,6.473498215277989,8.76682424545288 +3.236681678567072,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.957663417135546,2.144662618637085,2.2407784163951874,0.9146564423720888,6.473498215277989,8.76682424545288 +3.015070211171946,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.957663417135546,2.144662618637085,2.2407784163951874,0.9146564423720888,6.473498215277989,8.76682424545288 +3.290346134799861,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,2.957663417135546,2.144662618637085,2.2407784163951874,0.9146564423720888,6.473498215277989,8.76682424545288 +3.3551278722222984,3.618007744013951,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.618007744013951,3.1348776817321777,3.2514736652374268,1.4864880246050813,6.437414199113846,7.605463981628418 +3.2908384834937454,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.618007744013951,3.1348776817321777,3.2514736652374268,1.4864880246050813,6.437414199113846,7.605463981628418 +3.106229262480843,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.618007744013951,3.1348776817321777,3.2514736652374268,1.4864880246050813,6.437414199113846,7.605463981628418 +3.0540468342977745,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.618007744013951,3.1348776817321777,3.2514736652374268,1.4864880246050813,6.437414199113846,7.605463981628418 +3.0670329092035877,0,2.4971521511985992,1.6767810583114624,1.8517667800188065,0.5105041948721764,5.84103965262572,8.349317073822021,3.618007744013951,3.1348776817321777,3.2514736652374268,1.4864880246050813,6.437414199113846,7.605463981628418 +3.2631688389719637,2.429073069264127,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048 +3.0467879065665704,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048 +3.0272522969097295,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048 +2.9621837691697896,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048 +2.8681612960223495,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048 +3.064262882112192,3.3004821597827667,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.3004821597827667,2.7155561447143555,2.7738009691238403,1.0410205187632682,6.6762434641520185,7.990607023239136 +3.2320442228560737,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.3004821597827667,2.7155561447143555,2.7738009691238403,1.0410205187632682,6.6762434641520185,7.990607023239136 +3.2932954592239954,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.3004821597827667,2.7155561447143555,2.7738009691238403,1.0410205187632682,6.6762434641520185,7.990607023239136 +2.980287704784769,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.3004821597827667,2.7155561447143555,2.7738009691238403,1.0410205187632682,6.6762434641520185,7.990607023239136 +3.1183939815476656,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.3004821597827667,2.7155561447143555,2.7738009691238403,1.0410205187632682,6.6762434641520185,7.990607023239136 +3.133241436288591,3.231591214450242,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.231591214450242,2.6679980754852295,2.783898964524269,1.079751026440174,6.434591432412465,7.588176965713501 +3.070726720759502,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.231591214450242,2.6679980754852295,2.783898964524269,1.079751026440174,6.434591432412465,7.588176965713501 +3.0983836090572634,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.231591214450242,2.6679980754852295,2.783898964524269,1.079751026440174,6.434591432412465,7.588176965713501 +3.095886995487251,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.231591214450242,2.6679980754852295,2.783898964524269,1.079751026440174,6.434591432412465,7.588176965713501 +3.1976141003541034,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.231591214450242,2.6679980754852295,2.783898964524269,1.079751026440174,6.434591432412465,7.588176965713501 +3.1412005469756354,3.2424869945380075,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2424869945380075,2.4543941020965576,2.588405281305313,0.9693184390347055,6.828161497910817,8.397931575775146 +3.160649891280685,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2424869945380075,2.4543941020965576,2.588405281305313,0.9693184390347055,6.828161497910817,8.397931575775146 +3.080771570694225,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2424869945380075,2.4543941020965576,2.588405281305313,0.9693184390347055,6.828161497910817,8.397931575775146 +3.070416619116811,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2424869945380075,2.4543941020965576,2.588405281305313,0.9693184390347055,6.828161497910817,8.397931575775146 +3.229055131303853,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2424869945380075,2.4543941020965576,2.588405281305313,0.9693184390347055,6.828161497910817,8.397931575775146 +3.0669964224258215,3.2036000476925786,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2036000476925786,2.5858099460601807,2.6512527465820312,1.0168295334628288,6.512394944826762,7.86191201210022 +3.3242120500110506,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2036000476925786,2.5858099460601807,2.6512527465820312,1.0168295334628288,6.512394944826762,7.86191201210022 +2.993775662123683,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2036000476925786,2.5858099460601807,2.6512527465820312,1.0168295334628288,6.512394944826762,7.86191201210022 +3.01235190008221,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2036000476925786,2.5858099460601807,2.6512527465820312,1.0168295334628288,6.512394944826762,7.86191201210022 +3.055583651249225,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2036000476925786,2.5858099460601807,2.6512527465820312,1.0168295334628288,6.512394944826762,7.86191201210022 +2.8874129823925325,3.2991624110968325,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2991624110968325,2.700593948364258,2.7661881893873215,1.0594762367136934,6.6411513189474745,8.37634801864624 +2.835331190426881,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2991624110968325,2.700593948364258,2.7661881893873215,1.0594762367136934,6.6411513189474745,8.37634801864624 +3.1135863028960773,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2991624110968325,2.700593948364258,2.7661881893873215,1.0594762367136934,6.6411513189474745,8.37634801864624 +3.064700889176336,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2991624110968325,2.700593948364258,2.7661881893873215,1.0594762367136934,6.6411513189474745,8.37634801864624 +3.3218812501201262,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2991624110968325,2.700593948364258,2.7661881893873215,1.0594762367136934,6.6411513189474745,8.37634801864624 +3.0798184186299222,2.7739508129383257,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.7739508129383257,2.0014452934265137,2.1670453548431396,0.8839350390307447,5.883059307932854,7.797795295715332 +2.951860848685791,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.7739508129383257,2.0014452934265137,2.1670453548431396,0.8839350390307447,5.883059307932854,7.797795295715332 +3.164953351475358,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.7739508129383257,2.0014452934265137,2.1670453548431396,0.8839350390307447,5.883059307932854,7.797795295715332 +3.0411701495870354,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.7739508129383257,2.0014452934265137,2.1670453548431396,0.8839350390307447,5.883059307932854,7.797795295715332 +3.1732067047996293,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,2.7739508129383257,2.0014452934265137,2.1670453548431396,0.8839350390307447,5.883059307932854,7.797795295715332 +3.293741284812793,4.075539009421283,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,4.075539009421283,3.5736336708068848,3.6474355161190033,1.5290756720177672,7.549181371927261,9.329434871673584 +3.249328955434836,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,4.075539009421283,3.5736336708068848,3.6474355161190033,1.5290756720177672,7.549181371927261,9.329434871673584 +3.2419521910798013,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,4.075539009421283,3.5736336708068848,3.6474355161190033,1.5290756720177672,7.549181371927261,9.329434871673584 +2.938489476312693,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,4.075539009421283,3.5736336708068848,3.6474355161190033,1.5290756720177672,7.549181371927261,9.329434871673584 +3.1124691763789016,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,4.075539009421283,3.5736336708068848,3.6474355161190033,1.5290756720177672,7.549181371927261,9.329434871673584 +3.079813348440656,3.2843728951758737,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2843728951758737,2.6459708213806152,2.8249295204877853,1.1714788320216727,6.337372779846191,7.958272218704224 +2.8521118008726787,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2843728951758737,2.6459708213806152,2.8249295204877853,1.1714788320216727,6.337372779846191,7.958272218704224 +3.134838181718275,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2843728951758737,2.6459708213806152,2.8249295204877853,1.1714788320216727,6.337372779846191,7.958272218704224 +3.101334937450424,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2843728951758737,2.6459708213806152,2.8249295204877853,1.1714788320216727,6.337372779846191,7.958272218704224 +3.1374016954348636,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.2843728951758737,2.6459708213806152,2.8249295204877853,1.1714788320216727,6.337372779846191,7.958272218704224 +3.035712359161845,3.780339209977245,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.780339209977245,3.3202457427978516,3.3751460909843445,1.4545419273224283,6.934836397568385,8.37186050415039 +3.093309875014448,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.780339209977245,3.3202457427978516,3.3751460909843445,1.4545419273224283,6.934836397568385,8.37186050415039 +3.1445438066196063,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.780339209977245,3.3202457427978516,3.3751460909843445,1.4545419273224283,6.934836397568385,8.37186050415039 +3.176974210226093,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.780339209977245,3.3202457427978516,3.3751460909843445,1.4545419273224283,6.934836397568385,8.37186050415039 +3.2054452039004953,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.780339209977245,3.3202457427978516,3.3751460909843445,1.4545419273224283,6.934836397568385,8.37186050415039 +3.129196875113549,3.620192896321182,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.620192896321182,3.1713850498199463,3.220597207546234,1.3415773384114529,6.757437030474345,8.108190536499023 +3.066530205961564,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.620192896321182,3.1713850498199463,3.220597207546234,1.3415773384114529,6.757437030474345,8.108190536499023 +3.409261499262299,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.620192896321182,3.1713850498199463,3.220597207546234,1.3415773384114529,6.757437030474345,8.108190536499023 +3.112547462830809,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.620192896321182,3.1713850498199463,3.220597207546234,1.3415773384114529,6.757437030474345,8.108190536499023 +3.1295759476701526,0,2.429073069264127,1.622206211090088,1.8265989273786545,0.5309348087361518,5.61183983584245,7.398185968399048,3.620192896321182,3.1713850498199463,3.220597207546234,1.3415773384114529,6.757437030474345,8.108190536499023 +3.103191191463951,2.180624500697196,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667 +2.9596099897981953,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667 +3.1371681965314426,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667 +3.046780483634149,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667 +3.0000115145462263,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667 +3.1113032081043372,2.3615596024465813,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3615596024465813,1.7402384281158447,1.8786978796124458,0.6298258285573188,5.113163446386655,6.352575063705444 +2.9117175996184983,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3615596024465813,1.7402384281158447,1.8786978796124458,0.6298258285573188,5.113163446386655,6.352575063705444 +3.123849609604881,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3615596024465813,1.7402384281158447,1.8786978796124458,0.6298258285573188,5.113163446386655,6.352575063705444 +3.002465455439584,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3615596024465813,1.7402384281158447,1.8786978796124458,0.6298258285573188,5.113163446386655,6.352575063705444 +2.8037180144646126,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3615596024465813,1.7402384281158447,1.8786978796124458,0.6298258285573188,5.113163446386655,6.352575063705444 +3.3267629221081734,3.239610569951422,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.239610569951422,2.6928999423980713,2.799942448735237,1.1268547938225117,6.344362457593282,7.677808046340942 +3.0481732587678363,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.239610569951422,2.6928999423980713,2.799942448735237,1.1268547938225117,6.344362457593282,7.677808046340942 +3.181537592837918,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.239610569951422,2.6928999423980713,2.799942448735237,1.1268547938225117,6.344362457593282,7.677808046340942 +2.9145475607612403,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.239610569951422,2.6928999423980713,2.799942448735237,1.1268547938225117,6.344362457593282,7.677808046340942 +3.0154443531042703,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.239610569951422,2.6928999423980713,2.799942448735237,1.1268547938225117,6.344362457593282,7.677808046340942 +3.0556592958675455,3.2861824957800163,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2861824957800163,2.5786848068237305,2.7187095284461975,1.3986923764360712,6.424659113089244,8.173909187316895 +2.907805350082939,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2861824957800163,2.5786848068237305,2.7187095284461975,1.3986923764360712,6.424659113089244,8.173909187316895 +2.9669303016969315,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2861824957800163,2.5786848068237305,2.7187095284461975,1.3986923764360712,6.424659113089244,8.173909187316895 +3.2247012722990243,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2861824957800163,2.5786848068237305,2.7187095284461975,1.3986923764360712,6.424659113089244,8.173909187316895 +2.9983170366690395,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2861824957800163,2.5786848068237305,2.7187095284461975,1.3986923764360712,6.424659113089244,8.173909187316895 +3.2159129581969994,2.441915350005577,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.441915350005577,1.4457741975784302,1.7587292939424515,0.4957018223531703,5.9079266885916395,7.011925935745239 +3.2308515077679165,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.441915350005577,1.4457741975784302,1.7587292939424515,0.4957018223531703,5.9079266885916395,7.011925935745239 +2.9275659311276216,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.441915350005577,1.4457741975784302,1.7587292939424515,0.4957018223531703,5.9079266885916395,7.011925935745239 +3.1710070680322953,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.441915350005577,1.4457741975784302,1.7587292939424515,0.4957018223531703,5.9079266885916395,7.011925935745239 +3.0305679493265063,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.441915350005577,1.4457741975784302,1.7587292939424515,0.4957018223531703,5.9079266885916395,7.011925935745239 +3.1007131008278153,3.4188816855559176,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.4188816855559176,2.816124439239502,2.9409566074609756,1.1308803618588346,6.707287093003591,8.495104312896729 +2.976414111015493,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.4188816855559176,2.816124439239502,2.9409566074609756,1.1308803618588346,6.707287093003591,8.495104312896729 +3.3662551839092365,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.4188816855559176,2.816124439239502,2.9409566074609756,1.1308803618588346,6.707287093003591,8.495104312896729 +3.2900364974844676,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.4188816855559176,2.816124439239502,2.9409566074609756,1.1308803618588346,6.707287093003591,8.495104312896729 +3.0926340504769305,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.4188816855559176,2.816124439239502,2.9409566074609756,1.1308803618588346,6.707287093003591,8.495104312896729 +3.130574746457588,3.308254060866945,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.308254060866945,2.9031291007995605,2.9307117611169815,1.206226868515319,6.246111492315928,7.687859535217285 +2.888381425340707,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.308254060866945,2.9031291007995605,2.9307117611169815,1.206226868515319,6.246111492315928,7.687859535217285 +2.978242892445873,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.308254060866945,2.9031291007995605,2.9307117611169815,1.206226868515319,6.246111492315928,7.687859535217285 +3.075715317847874,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.308254060866945,2.9031291007995605,2.9307117611169815,1.206226868515319,6.246111492315928,7.687859535217285 +3.0045844730315854,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.308254060866945,2.9031291007995605,2.9307117611169815,1.206226868515319,6.246111492315928,7.687859535217285 +3.081802213381709,3.1518487949021825,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1518487949021825,2.541912078857422,2.6036226600408554,1.0238873806405575,6.361390322446823,8.12181806564331 +3.047031560769448,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1518487949021825,2.541912078857422,2.6036226600408554,1.0238873806405575,6.361390322446823,8.12181806564331 +2.856982969241686,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1518487949021825,2.541912078857422,2.6036226600408554,1.0238873806405575,6.361390322446823,8.12181806564331 +3.0107143558660616,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1518487949021825,2.541912078857422,2.6036226600408554,1.0238873806405575,6.361390322446823,8.12181806564331 +3.104521689546203,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1518487949021825,2.541912078857422,2.6036226600408554,1.0238873806405575,6.361390322446823,8.12181806564331 +3.078821666637529,2.6139944294828394,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6139944294828394,2.1554949283599854,2.1908496022224426,0.8374914523768933,5.277818138400714,6.014705419540405 +3.135298758468514,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6139944294828394,2.1554949283599854,2.1908496022224426,0.8374914523768933,5.277818138400714,6.014705419540405 +2.890015344246629,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6139944294828394,2.1554949283599854,2.1908496022224426,0.8374914523768933,5.277818138400714,6.014705419540405 +2.919483007146762,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6139944294828394,2.1554949283599854,2.1908496022224426,0.8374914523768933,5.277818138400714,6.014705419540405 +3.17611889989765,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6139944294828394,2.1554949283599854,2.1908496022224426,0.8374914523768933,5.277818138400714,6.014705419540405 +3.1380921501854053,2.760509248569374,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.760509248569374,2.0895657539367676,2.1636377424001694,0.7966666237470952,6.044992273052533,8.075323104858398 +3.0561630037917067,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.760509248569374,2.0895657539367676,2.1636377424001694,0.7966666237470952,6.044992273052533,8.075323104858398 +3.0796969475852083,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.760509248569374,2.0895657539367676,2.1636377424001694,0.7966666237470952,6.044992273052533,8.075323104858398 +2.9120525047578294,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.760509248569374,2.0895657539367676,2.1636377424001694,0.7966666237470952,6.044992273052533,8.075323104858398 +3.0831879972225793,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.760509248569374,2.0895657539367676,2.1636377424001694,0.7966666237470952,6.044992273052533,8.075323104858398 +3.1427208079464872,3.0681249213000243,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0681249213000243,2.374380588531494,2.4612335711717606,0.909837858791047,6.541498929262161,8.84634017944336 +3.022972131261617,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0681249213000243,2.374380588531494,2.4612335711717606,0.909837858791047,6.541498929262161,8.84634017944336 +3.187981950548979,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0681249213000243,2.374380588531494,2.4612335711717606,0.909837858791047,6.541498929262161,8.84634017944336 +2.877287866345135,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0681249213000243,2.374380588531494,2.4612335711717606,0.909837858791047,6.541498929262161,8.84634017944336 +2.9667675558783966,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0681249213000243,2.374380588531494,2.4612335711717606,0.909837858791047,6.541498929262161,8.84634017944336 +2.9650091844504645,3.5361848008570247,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5361848008570247,3.019927978515625,3.062455803155899,1.4124162780477645,6.658810645341873,8.015424728393555 +3.070213009017848,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5361848008570247,3.019927978515625,3.062455803155899,1.4124162780477645,6.658810645341873,8.015424728393555 +3.083917104676168,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5361848008570247,3.019927978515625,3.062455803155899,1.4124162780477645,6.658810645341873,8.015424728393555 +2.8483342373600373,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5361848008570247,3.019927978515625,3.062455803155899,1.4124162780477645,6.658810645341873,8.015424728393555 +3.0892782630670608,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5361848008570247,3.019927978515625,3.062455803155899,1.4124162780477645,6.658810645341873,8.015424728393555 +3.1783442223538456,2.489112188444712,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.489112188444712,1.6774811744689941,1.9045283421874046,0.5377788166416452,5.774154633283615,7.491169691085815 +3.0591313745283006,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.489112188444712,1.6774811744689941,1.9045283421874046,0.5377788166416452,5.774154633283615,7.491169691085815 +2.8763519973155676,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.489112188444712,1.6774811744689941,1.9045283421874046,0.5377788166416452,5.774154633283615,7.491169691085815 +2.8852371078784964,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.489112188444712,1.6774811744689941,1.9045283421874046,0.5377788166416452,5.774154633283615,7.491169691085815 +3.02109135580632,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.489112188444712,1.6774811744689941,1.9045283421874046,0.5377788166416452,5.774154633283615,7.491169691085815 +2.915580449156483,2.8870192074182772,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8870192074182772,2.233006000518799,2.320927321910858,0.8791693046371988,6.009020725886027,7.671316385269165 +2.903189795284436,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8870192074182772,2.233006000518799,2.320927321910858,0.8791693046371988,6.009020725886027,7.671316385269165 +3.2034311902064543,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8870192074182772,2.233006000518799,2.320927321910858,0.8791693046371988,6.009020725886027,7.671316385269165 +3.0583042776711107,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8870192074182772,2.233006000518799,2.320927321910858,0.8791693046371988,6.009020725886027,7.671316385269165 +3.000344970300596,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8870192074182772,2.233006000518799,2.320927321910858,0.8791693046371988,6.009020725886027,7.671316385269165 +2.8355165728088716,2.9895631187249228,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9895631187249228,2.4159748554229736,2.547317162156105,1.0603790384657839,5.926991775631905,7.302509069442749 +3.0731112251863557,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9895631187249228,2.4159748554229736,2.547317162156105,1.0603790384657839,5.926991775631905,7.302509069442749 +3.1641484916763534,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9895631187249228,2.4159748554229736,2.547317162156105,1.0603790384657839,5.926991775631905,7.302509069442749 +3.039929553728047,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9895631187249228,2.4159748554229736,2.547317162156105,1.0603790384657839,5.926991775631905,7.302509069442749 +3.0287351716774213,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9895631187249228,2.4159748554229736,2.547317162156105,1.0603790384657839,5.926991775631905,7.302509069442749 +3.162164038704308,3.080063784621773,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.080063784621773,2.287900924682617,2.4820746183395386,1.1980498838931957,6.190929740667343,8.390850067138672 +3.243866193061324,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.080063784621773,2.287900924682617,2.4820746183395386,1.1980498838931957,6.190929740667343,8.390850067138672 +3.065581320491014,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.080063784621773,2.287900924682617,2.4820746183395386,1.1980498838931957,6.190929740667343,8.390850067138672 +2.952733807740066,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.080063784621773,2.287900924682617,2.4820746183395386,1.1980498838931957,6.190929740667343,8.390850067138672 +2.9324226861211917,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.080063784621773,2.287900924682617,2.4820746183395386,1.1980498838931957,6.190929740667343,8.390850067138672 +3.2344508627800157,3.478280849286711,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.478280849286711,3.081721067428589,3.1384051144123077,1.2769574071181582,6.502016981442769,6.929667949676514 +3.0717792541025806,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.478280849286711,3.081721067428589,3.1384051144123077,1.2769574071181582,6.502016981442769,6.929667949676514 +3.064801998752656,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.478280849286711,3.081721067428589,3.1384051144123077,1.2769574071181582,6.502016981442769,6.929667949676514 +3.1927546947917826,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.478280849286711,3.081721067428589,3.1384051144123077,1.2769574071181582,6.502016981442769,6.929667949676514 +3.1448448231191786,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.478280849286711,3.081721067428589,3.1384051144123077,1.2769574071181582,6.502016981442769,6.929667949676514 +3.052318047564131,3.0856035255012713,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0856035255012713,2.413461923599243,2.617905557155609,1.0742783647902467,6.088573306798935,7.5140275955200195 +3.096273176510391,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0856035255012713,2.413461923599243,2.617905557155609,1.0742783647902467,6.088573306798935,7.5140275955200195 +3.0438294942325244,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0856035255012713,2.413461923599243,2.617905557155609,1.0742783647902467,6.088573306798935,7.5140275955200195 +3.0628366826067555,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0856035255012713,2.413461923599243,2.617905557155609,1.0742783647902467,6.088573306798935,7.5140275955200195 +2.8593289723091164,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0856035255012713,2.413461923599243,2.617905557155609,1.0742783647902467,6.088573306798935,7.5140275955200195 +3.183384010187827,3.3606540663704196,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3606540663704196,2.45168137550354,2.684247210621834,1.1105746690263139,6.985660304625829,8.90811824798584 +3.069491500840263,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3606540663704196,2.45168137550354,2.684247210621834,1.1105746690263139,6.985660304625829,8.90811824798584 +3.037981608660215,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3606540663704196,2.45168137550354,2.684247210621834,1.1105746690263139,6.985660304625829,8.90811824798584 +2.9990928932945353,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3606540663704196,2.45168137550354,2.684247210621834,1.1105746690263139,6.985660304625829,8.90811824798584 +2.8502240875434497,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3606540663704196,2.45168137550354,2.684247210621834,1.1105746690263139,6.985660304625829,8.90811824798584 +3.130888576295711,3.2714295008887797,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2714295008887797,2.522200107574463,2.6460669487714767,0.9573134117304011,6.996950546900432,8.727285385131836 +2.9582594120652668,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2714295008887797,2.522200107574463,2.6460669487714767,0.9573134117304011,6.996950546900432,8.727285385131836 +2.767891321024939,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2714295008887797,2.522200107574463,2.6460669487714767,0.9573134117304011,6.996950546900432,8.727285385131836 +3.0080077753498635,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2714295008887797,2.522200107574463,2.6460669487714767,0.9573134117304011,6.996950546900432,8.727285385131836 +2.9338637055033714,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2714295008887797,2.522200107574463,2.6460669487714767,0.9573134117304011,6.996950546900432,8.727285385131836 +3.302417759593349,3.2677686624814077,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2677686624814077,2.4435245990753174,2.5785211473703384,1.3254267630424905,6.644611557324727,8.234789371490479 +3.136181514127185,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2677686624814077,2.4435245990753174,2.5785211473703384,1.3254267630424905,6.644611557324727,8.234789371490479 +3.1903684145971067,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2677686624814077,2.4435245990753174,2.5785211473703384,1.3254267630424905,6.644611557324727,8.234789371490479 +3.001198776165117,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2677686624814077,2.4435245990753174,2.5785211473703384,1.3254267630424905,6.644611557324727,8.234789371490479 +3.1800693927100547,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.2677686624814077,2.4435245990753174,2.5785211473703384,1.3254267630424905,6.644611557324727,8.234789371490479 +2.9922112816208553,2.5853915245745194,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5853915245745194,1.7029533386230469,1.9401863664388657,0.6816449900890919,5.826979820926984,7.260601758956909 +3.1010832808299154,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5853915245745194,1.7029533386230469,1.9401863664388657,0.6816449900890919,5.826979820926984,7.260601758956909 +3.2910211335877526,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5853915245745194,1.7029533386230469,1.9401863664388657,0.6816449900890919,5.826979820926984,7.260601758956909 +3.1053336933650453,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5853915245745194,1.7029533386230469,1.9401863664388657,0.6816449900890919,5.826979820926984,7.260601758956909 +2.9950612337978195,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5853915245745194,1.7029533386230469,1.9401863664388657,0.6816449900890919,5.826979820926984,7.260601758956909 +3.245064739958045,3.5682226403845543,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5682226403845543,2.976377248764038,3.086959272623062,1.233925551810163,6.781259049971898,8.627649784088135 +3.0991667706311854,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5682226403845543,2.976377248764038,3.086959272623062,1.233925551810163,6.781259049971898,8.627649784088135 +2.9832068352073193,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5682226403845543,2.976377248764038,3.086959272623062,1.233925551810163,6.781259049971898,8.627649784088135 +3.2107193374349206,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5682226403845543,2.976377248764038,3.086959272623062,1.233925551810163,6.781259049971898,8.627649784088135 +2.83316750308642,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5682226403845543,2.976377248764038,3.086959272623062,1.233925551810163,6.781259049971898,8.627649784088135 +3.075770683013476,3.0041092219153,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0041092219153,2.3937556743621826,2.473310962319374,0.9602224256129975,6.173854211966197,7.489749193191528 +3.2614709151913694,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0041092219153,2.3937556743621826,2.473310962319374,0.9602224256129975,6.173854211966197,7.489749193191528 +2.9614355440797477,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0041092219153,2.3937556743621826,2.473310962319374,0.9602224256129975,6.173854211966197,7.489749193191528 +3.201703767225502,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0041092219153,2.3937556743621826,2.473310962319374,0.9602224256129975,6.173854211966197,7.489749193191528 +3.228838343578403,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0041092219153,2.3937556743621826,2.473310962319374,0.9602224256129975,6.173854211966197,7.489749193191528 +3.035266963137556,3.111324883256283,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.111324883256283,2.703129529953003,2.765710934996605,1.0713605119826946,5.893729239702225,7.5121235847473145 +3.047874568588538,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.111324883256283,2.703129529953003,2.765710934996605,1.0713605119826946,5.893729239702225,7.5121235847473145 +3.182979566823266,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.111324883256283,2.703129529953003,2.765710934996605,1.0713605119826946,5.893729239702225,7.5121235847473145 +2.891804045288569,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.111324883256283,2.703129529953003,2.765710934996605,1.0713605119826946,5.893729239702225,7.5121235847473145 +2.7906428580851705,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.111324883256283,2.703129529953003,2.765710934996605,1.0713605119826946,5.893729239702225,7.5121235847473145 +3.150100767968188,2.6755826679589862,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6755826679589862,1.7568031549453735,1.9288505017757416,0.7198492087265278,6.231018975377083,7.8712944984436035 +3.272213247177297,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6755826679589862,1.7568031549453735,1.9288505017757416,0.7198492087265278,6.231018975377083,7.8712944984436035 +3.082044222468723,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6755826679589862,1.7568031549453735,1.9288505017757416,0.7198492087265278,6.231018975377083,7.8712944984436035 +2.94454594304296,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6755826679589862,1.7568031549453735,1.9288505017757416,0.7198492087265278,6.231018975377083,7.8712944984436035 +2.961632323261123,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6755826679589862,1.7568031549453735,1.9288505017757416,0.7198492087265278,6.231018975377083,7.8712944984436035 +3.1284542836110534,3.0129599664067723,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0129599664067723,2.3071534633636475,2.464867278933525,0.9310504169540202,6.194566383957863,8.002840042114258 +3.199544201656899,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0129599664067723,2.3071534633636475,2.464867278933525,0.9310504169540202,6.194566383957863,8.002840042114258 +3.0173249467614474,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0129599664067723,2.3071534633636475,2.464867278933525,0.9310504169540202,6.194566383957863,8.002840042114258 +3.1187271166108648,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0129599664067723,2.3071534633636475,2.464867278933525,0.9310504169540202,6.194566383957863,8.002840042114258 +3.0174718156101217,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.0129599664067723,2.3071534633636475,2.464867278933525,0.9310504169540202,6.194566383957863,8.002840042114258 +3.1614615759103306,3.5460723435691515,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5460723435691515,2.7448084354400635,2.9253228902816772,1.245344452401425,7.1400202711423235,9.149694919586182 +3.1327247943739045,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5460723435691515,2.7448084354400635,2.9253228902816772,1.245344452401425,7.1400202711423235,9.149694919586182 +3.035236382990364,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5460723435691515,2.7448084354400635,2.9253228902816772,1.245344452401425,7.1400202711423235,9.149694919586182 +2.9594912885117592,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5460723435691515,2.7448084354400635,2.9253228902816772,1.245344452401425,7.1400202711423235,9.149694919586182 +2.9728264164387075,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.5460723435691515,2.7448084354400635,2.9253228902816772,1.245344452401425,7.1400202711423235,9.149694919586182 +2.9990618932270876,2.677105351736408,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.677105351736408,1.778612732887268,1.988293930888176,0.8548889965453046,6.020791987578074,7.798238277435303 +3.1568585921978127,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.677105351736408,1.778612732887268,1.988293930888176,0.8548889965453046,6.020791987578074,7.798238277435303 +2.9006718463543555,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.677105351736408,1.778612732887268,1.988293930888176,0.8548889965453046,6.020791987578074,7.798238277435303 +3.023534999305595,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.677105351736408,1.778612732887268,1.988293930888176,0.8548889965453046,6.020791987578074,7.798238277435303 +3.0958658374589065,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.677105351736408,1.778612732887268,1.988293930888176,0.8548889965453046,6.020791987578074,7.798238277435303 +2.9952238463952305,3.366714725631694,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.366714725631694,2.7127435207366943,2.846576511859894,1.113874908457411,6.825554649035136,8.550577640533447 +3.094654896966026,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.366714725631694,2.7127435207366943,2.846576511859894,1.113874908457411,6.825554649035136,8.550577640533447 +2.931130240920842,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.366714725631694,2.7127435207366943,2.846576511859894,1.113874908457411,6.825554649035136,8.550577640533447 +3.0910431953932624,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.366714725631694,2.7127435207366943,2.846576511859894,1.113874908457411,6.825554649035136,8.550577640533447 +3.0894753114377154,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.366714725631694,2.7127435207366943,2.846576511859894,1.113874908457411,6.825554649035136,8.550577640533447 +3.076187508788444,3.3052743208345943,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3052743208345943,2.637895107269287,2.7617783546447754,1.1433945501104315,6.696623424688975,8.444037914276123 +3.1033085076538574,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3052743208345943,2.637895107269287,2.7617783546447754,1.1433945501104315,6.696623424688975,8.444037914276123 +2.7771453105644457,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3052743208345943,2.637895107269287,2.7617783546447754,1.1433945501104315,6.696623424688975,8.444037914276123 +2.956568584162297,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3052743208345943,2.637895107269287,2.7617783546447754,1.1433945501104315,6.696623424688975,8.444037914276123 +3.182149980918798,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.3052743208345943,2.637895107269287,2.7617783546447754,1.1433945501104315,6.696623424688975,8.444037914276123 +3.102448595771739,3.418029086908121,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.418029086908121,2.7335174083709717,2.8379489928483963,1.2061122712936807,6.901832868655522,9.402755737304688 +2.9158283447160014,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.418029086908121,2.7335174083709717,2.8379489928483963,1.2061122712936807,6.901832868655522,9.402755737304688 +2.8525496840239835,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.418029086908121,2.7335174083709717,2.8379489928483963,1.2061122712936807,6.901832868655522,9.402755737304688 +2.9872662982154905,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.418029086908121,2.7335174083709717,2.8379489928483963,1.2061122712936807,6.901832868655522,9.402755737304688 +3.0334258986246683,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.418029086908121,2.7335174083709717,2.8379489928483963,1.2061122712936807,6.901832868655522,9.402755737304688 +2.848389594126443,3.6505954206301903,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.6505954206301903,3.066309690475464,3.216550350189209,1.6116468361083498,6.6636936267217,7.8121490478515625 +3.028431587593151,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.6505954206301903,3.066309690475464,3.216550350189209,1.6116468361083498,6.6636936267217,7.8121490478515625 +3.1260687304902772,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.6505954206301903,3.066309690475464,3.216550350189209,1.6116468361083498,6.6636936267217,7.8121490478515625 +2.874282940886223,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.6505954206301903,3.066309690475464,3.216550350189209,1.6116468361083498,6.6636936267217,7.8121490478515625 +3.070832095743807,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.6505954206301903,3.066309690475464,3.216550350189209,1.6116468361083498,6.6636936267217,7.8121490478515625 +2.882101095363063,2.8611863376036366,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8611863376036366,2.524837017059326,2.510552853345871,0.7563871292674795,5.661843940615654,6.626286268234253 +3.0321630609644186,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8611863376036366,2.524837017059326,2.510552853345871,0.7563871292674795,5.661843940615654,6.626286268234253 +3.1787532434974173,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8611863376036366,2.524837017059326,2.510552853345871,0.7563871292674795,5.661843940615654,6.626286268234253 +3.0406843562183075,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8611863376036366,2.524837017059326,2.510552853345871,0.7563871292674795,5.661843940615654,6.626286268234253 +3.342622998657214,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8611863376036366,2.524837017059326,2.510552853345871,0.7563871292674795,5.661843940615654,6.626286268234253 +3.334704054168744,2.712671852860775,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.712671852860775,2.0138256549835205,2.1543217599391937,0.7598509560240075,5.882693116863568,7.188206672668457 +3.1915015848229986,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.712671852860775,2.0138256549835205,2.1543217599391937,0.7598509560240075,5.882693116863568,7.188206672668457 +2.886526024072809,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.712671852860775,2.0138256549835205,2.1543217599391937,0.7598509560240075,5.882693116863568,7.188206672668457 +2.8768298805787644,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.712671852860775,2.0138256549835205,2.1543217599391937,0.7598509560240075,5.882693116863568,7.188206672668457 +3.120360622711144,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.712671852860775,2.0138256549835205,2.1543217599391937,0.7598509560240075,5.882693116863568,7.188206672668457 +3.2024515108538876,2.8418503305362783,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8418503305362783,2.1580357551574707,2.338644400238991,0.958464670054456,5.808051814635594,7.435243368148804 +2.9934536046706715,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8418503305362783,2.1580357551574707,2.338644400238991,0.958464670054456,5.808051814635594,7.435243368148804 +3.1040980629128865,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8418503305362783,2.1580357551574707,2.338644400238991,0.958464670054456,5.808051814635594,7.435243368148804 +2.991523154317068,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8418503305362783,2.1580357551574707,2.338644400238991,0.958464670054456,5.808051814635594,7.435243368148804 +2.8896107270088374,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8418503305362783,2.1580357551574707,2.338644400238991,0.958464670054456,5.808051814635594,7.435243368148804 +3.2122434395852077,3.1770383561936972,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1770383561936972,2.4694204330444336,2.629304751753807,1.114269606293516,6.499647895495097,7.798978090286255 +3.0862160079596213,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1770383561936972,2.4694204330444336,2.629304751753807,1.114269606293516,6.499647895495097,7.798978090286255 +3.0180298898280142,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1770383561936972,2.4694204330444336,2.629304751753807,1.114269606293516,6.499647895495097,7.798978090286255 +3.0574104519911725,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1770383561936972,2.4694204330444336,2.629304751753807,1.114269606293516,6.499647895495097,7.798978090286255 +3.1831807625388593,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1770383561936972,2.4694204330444336,2.629304751753807,1.114269606293516,6.499647895495097,7.798978090286255 +3.108955895948157,2.3334903976446046,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3334903976446046,1.4760472774505615,1.7198000699281693,0.6095956540171136,5.270228837927182,6.491033315658569 +2.777459686370048,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3334903976446046,1.4760472774505615,1.7198000699281693,0.6095956540171136,5.270228837927182,6.491033315658569 +2.8910396247311674,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3334903976446046,1.4760472774505615,1.7198000699281693,0.6095956540171136,5.270228837927182,6.491033315658569 +3.0181330564958033,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3334903976446046,1.4760472774505615,1.7198000699281693,0.6095956540171136,5.270228837927182,6.491033315658569 +2.78249846859304,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.3334903976446046,1.4760472774505615,1.7198000699281693,0.6095956540171136,5.270228837927182,6.491033315658569 +2.7892739381097673,2.856364607967007,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.856364607967007,2.1186792850494385,2.259804427623749,0.755658710890628,6.308550174037616,8.053600072860718 +3.1002645622197766,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.856364607967007,2.1186792850494385,2.259804427623749,0.755658710890628,6.308550174037616,8.053600072860718 +2.9689454057251425,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.856364607967007,2.1186792850494385,2.259804427623749,0.755658710890628,6.308550174037616,8.053600072860718 +3.0095108828312207,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.856364607967007,2.1186792850494385,2.259804427623749,0.755658710890628,6.308550174037616,8.053600072860718 +2.969684029921929,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.856364607967007,2.1186792850494385,2.259804427623749,0.755658710890628,6.308550174037616,8.053600072860718 +2.913239736712738,2.7526984287338108,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.7526984287338108,1.8808640241622925,2.077831044793129,0.9353796056610473,5.99835075934728,7.643036842346191 +2.9044625510706195,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.7526984287338108,1.8808640241622925,2.077831044793129,0.9353796056610473,5.99835075934728,7.643036842346191 +2.8977079531202583,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.7526984287338108,1.8808640241622925,2.077831044793129,0.9353796056610473,5.99835075934728,7.643036842346191 +3.088351324951617,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.7526984287338108,1.8808640241622925,2.077831044793129,0.9353796056610473,5.99835075934728,7.643036842346191 +3.044489989309159,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.7526984287338108,1.8808640241622925,2.077831044793129,0.9353796056610473,5.99835075934728,7.643036842346191 +3.2338223526506273,2.4981660026842385,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.4981660026842385,1.7424861192703247,1.931596465408802,0.6131074587081341,5.625406056642532,7.2868452072143555 +2.8257052338526485,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.4981660026842385,1.7424861192703247,1.931596465408802,0.6131074587081341,5.625406056642532,7.2868452072143555 +2.7690896329022845,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.4981660026842385,1.7424861192703247,1.931596465408802,0.6131074587081341,5.625406056642532,7.2868452072143555 +3.060644379127721,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.4981660026842385,1.7424861192703247,1.931596465408802,0.6131074587081341,5.625406056642532,7.2868452072143555 +2.8253824115985267,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.4981660026842385,1.7424861192703247,1.931596465408802,0.6131074587081341,5.625406056642532,7.2868452072143555 +2.9240359517125616,2.330383961425402,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.330383961425402,1.5770633220672607,1.7044425830245018,0.5250543546169362,5.5081164340178175,7.105637311935425 +3.049034116616774,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.330383961425402,1.5770633220672607,1.7044425830245018,0.5250543546169362,5.5081164340178175,7.105637311935425 +3.1298945142000676,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.330383961425402,1.5770633220672607,1.7044425830245018,0.5250543546169362,5.5081164340178175,7.105637311935425 +2.8120342313018023,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.330383961425402,1.5770633220672607,1.7044425830245018,0.5250543546169362,5.5081164340178175,7.105637311935425 +2.968155455881784,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.330383961425402,1.5770633220672607,1.7044425830245018,0.5250543546169362,5.5081164340178175,7.105637311935425 +2.964434287888776,3.201916781044443,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.201916781044443,2.4326868057250977,2.621290624141693,0.8494568034372432,6.927512188752492,9.460952281951904 +2.8980620984057217,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.201916781044443,2.4326868057250977,2.621290624141693,0.8494568034372432,6.927512188752492,9.460952281951904 +2.8584130595509825,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.201916781044443,2.4326868057250977,2.621290624141693,0.8494568034372432,6.927512188752492,9.460952281951904 +3.005510132789454,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.201916781044443,2.4326868057250977,2.621290624141693,0.8494568034372432,6.927512188752492,9.460952281951904 +3.2039976488176327,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.201916781044443,2.4326868057250977,2.621290624141693,0.8494568034372432,6.927512188752492,9.460952281951904 +3.0738401031739198,2.5621468594092973,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5621468594092973,1.8640365600585938,2.0567053258419037,0.7600414362993646,5.505210454265277,7.035119295120239 +2.8747887844392728,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5621468594092973,1.8640365600585938,2.0567053258419037,0.7600414362993646,5.505210454265277,7.035119295120239 +2.951658422161951,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5621468594092973,1.8640365600585938,2.0567053258419037,0.7600414362993646,5.505210454265277,7.035119295120239 +3.0551607615119267,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5621468594092973,1.8640365600585938,2.0567053258419037,0.7600414362993646,5.505210454265277,7.035119295120239 +3.1815758090989976,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5621468594092973,1.8640365600585938,2.0567053258419037,0.7600414362993646,5.505210454265277,7.035119295120239 +3.152579911685591,2.8784628743744647,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8784628743744647,1.904439926147461,2.095792844891548,0.8483601399558656,6.549314121405284,8.537659168243408 +2.929980187797894,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8784628743744647,1.904439926147461,2.095792844891548,0.8483601399558656,6.549314121405284,8.537659168243408 +3.049429958295917,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8784628743744647,1.904439926147461,2.095792844891548,0.8483601399558656,6.549314121405284,8.537659168243408 +2.9692891311068434,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8784628743744647,1.904439926147461,2.095792844891548,0.8483601399558656,6.549314121405284,8.537659168243408 +2.996704804881498,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8784628743744647,1.904439926147461,2.095792844891548,0.8483601399558656,6.549314121405284,8.537659168243408 +3.0955287100307505,2.533195359388571,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.533195359388571,1.7999409437179565,1.966534212231636,0.5252520346895178,5.904951050877571,7.7277913093566895 +2.9425132454074028,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.533195359388571,1.7999409437179565,1.966534212231636,0.5252520346895178,5.904951050877571,7.7277913093566895 +3.155878077016585,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.533195359388571,1.7999409437179565,1.966534212231636,0.5252520346895178,5.904951050877571,7.7277913093566895 +2.911662362674029,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.533195359388571,1.7999409437179565,1.966534212231636,0.5252520346895178,5.904951050877571,7.7277913093566895 +2.942800160349206,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.533195359388571,1.7999409437179565,1.966534212231636,0.5252520346895178,5.904951050877571,7.7277913093566895 +2.7986014618165296,2.480894911195595,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.480894911195595,1.714520812034607,1.8832016438245773,0.6511870844567076,5.606693545977275,7.618282794952393 +3.1783348357685366,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.480894911195595,1.714520812034607,1.8832016438245773,0.6511870844567076,5.606693545977275,7.618282794952393 +3.007523277275442,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.480894911195595,1.714520812034607,1.8832016438245773,0.6511870844567076,5.606693545977275,7.618282794952393 +3.091202184933408,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.480894911195595,1.714520812034607,1.8832016438245773,0.6511870844567076,5.606693545977275,7.618282794952393 +3.055449769434467,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.480894911195595,1.714520812034607,1.8832016438245773,0.6511870844567076,5.606693545977275,7.618282794952393 +3.0789773970921415,2.9207042847316305,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9207042847316305,2.3772640228271484,2.489145874977112,1.093780222725361,5.62477719783783,6.35999608039856 +2.9164790525162885,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9207042847316305,2.3772640228271484,2.489145874977112,1.093780222725361,5.62477719783783,6.35999608039856 +3.14843340034273,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9207042847316305,2.3772640228271484,2.489145874977112,1.093780222725361,5.62477719783783,6.35999608039856 +2.9219806457546094,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9207042847316305,2.3772640228271484,2.489145874977112,1.093780222725361,5.62477719783783,6.35999608039856 +2.937611036002636,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9207042847316305,2.3772640228271484,2.489145874977112,1.093780222725361,5.62477719783783,6.35999608039856 +2.8053521093583864,3.1175299243153076,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1175299243153076,2.5010807514190674,2.6197899729013443,1.1980355534147709,6.035854424039523,7.421658039093018 +2.926354463086204,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1175299243153076,2.5010807514190674,2.6197899729013443,1.1980355534147709,6.035854424039523,7.421658039093018 +2.7531569060185226,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1175299243153076,2.5010807514190674,2.6197899729013443,1.1980355534147709,6.035854424039523,7.421658039093018 +2.9212465943368424,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1175299243153076,2.5010807514190674,2.6197899729013443,1.1980355534147709,6.035854424039523,7.421658039093018 +3.0113556235238157,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.1175299243153076,2.5010807514190674,2.6197899729013443,1.1980355534147709,6.035854424039523,7.421658039093018 +2.7690559062978317,2.9135791536089015,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9135791536089015,2.3614859580993652,2.44531312584877,0.9835223587269478,5.825338636835416,7.478203535079956 +3.0225552739056734,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9135791536089015,2.3614859580993652,2.44531312584877,0.9835223587269478,5.825338636835416,7.478203535079956 +3.4066002070113264,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9135791536089015,2.3614859580993652,2.44531312584877,0.9835223587269478,5.825338636835416,7.478203535079956 +3.1049270253005963,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9135791536089015,2.3614859580993652,2.44531312584877,0.9835223587269478,5.825338636835416,7.478203535079956 +2.876990651855102,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.9135791536089015,2.3614859580993652,2.44531312584877,0.9835223587269478,5.825338636835416,7.478203535079956 +3.1899506635865102,2.6781592252054764,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6781592252054764,2.0315325260162354,2.151350572705269,0.7735882547307522,5.840359578529994,7.220127820968628 +2.887483414845536,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6781592252054764,2.0315325260162354,2.151350572705269,0.7735882547307522,5.840359578529994,7.220127820968628 +2.8730002274682414,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6781592252054764,2.0315325260162354,2.151350572705269,0.7735882547307522,5.840359578529994,7.220127820968628 +2.8336341315065203,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6781592252054764,2.0315325260162354,2.151350572705269,0.7735882547307522,5.840359578529994,7.220127820968628 +3.072521219637729,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6781592252054764,2.0315325260162354,2.151350572705269,0.7735882547307522,5.840359578529994,7.220127820968628 +2.9355537644155145,2.8520571277403706,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8520571277403706,2.096951723098755,2.3093675076961517,1.11362383847541,5.991330876946449,6.987844467163086 +2.840142592511063,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8520571277403706,2.096951723098755,2.3093675076961517,1.11362383847541,5.991330876946449,6.987844467163086 +2.928830379911696,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8520571277403706,2.096951723098755,2.3093675076961517,1.11362383847541,5.991330876946449,6.987844467163086 +3.1460189905501803,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8520571277403706,2.096951723098755,2.3093675076961517,1.11362383847541,5.991330876946449,6.987844467163086 +2.99070572042813,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8520571277403706,2.096951723098755,2.3093675076961517,1.11362383847541,5.991330876946449,6.987844467163086 +2.9472316862812726,2.948422011280559,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.948422011280559,2.2933692932128906,2.4663655161857605,1.1275639965179118,5.881149644653003,7.177211046218872 +3.0646549522560536,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.948422011280559,2.2933692932128906,2.4663655161857605,1.1275639965179118,5.881149644653003,7.177211046218872 +3.067912165401627,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.948422011280559,2.2933692932128906,2.4663655161857605,1.1275639965179118,5.881149644653003,7.177211046218872 +3.014340895694984,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.948422011280559,2.2933692932128906,2.4663655161857605,1.1275639965179118,5.881149644653003,7.177211046218872 +2.753708321136726,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.948422011280559,2.2933692932128906,2.4663655161857605,1.1275639965179118,5.881149644653003,7.177211046218872 +3.1461865581987074,2.459015372769995,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.459015372769995,1.5988763570785522,1.7577438428997993,0.5856052025201472,5.916620324055354,7.2673118114471436 +2.893785452909906,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.459015372769995,1.5988763570785522,1.7577438428997993,0.5856052025201472,5.916620324055354,7.2673118114471436 +3.194879708836344,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.459015372769995,1.5988763570785522,1.7577438428997993,0.5856052025201472,5.916620324055354,7.2673118114471436 +3.177496963415285,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.459015372769995,1.5988763570785522,1.7577438428997993,0.5856052025201472,5.916620324055354,7.2673118114471436 +3.12732941230428,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.459015372769995,1.5988763570785522,1.7577438428997993,0.5856052025201472,5.916620324055354,7.2673118114471436 +2.8568624484918477,3.234430862658935,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.234430862658935,2.71252703666687,2.7612158209085464,1.0747744897578626,6.271745050946872,7.324103593826294 +3.0287875193183553,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.234430862658935,2.71252703666687,2.7612158209085464,1.0747744897578626,6.271745050946872,7.324103593826294 +2.975870289066584,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.234430862658935,2.71252703666687,2.7612158209085464,1.0747744897578626,6.271745050946872,7.324103593826294 +3.2114350568868755,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.234430862658935,2.71252703666687,2.7612158209085464,1.0747744897578626,6.271745050946872,7.324103593826294 +3.2211892085658778,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.234430862658935,2.71252703666687,2.7612158209085464,1.0747744897578626,6.271745050946872,7.324103593826294 +3.0224875910528777,2.8075539355814767,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8075539355814767,2.1813087463378906,2.31805282831192,0.7923536586000565,5.98296390970548,7.590867280960083 +3.1828254675714978,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8075539355814767,2.1813087463378906,2.31805282831192,0.7923536586000565,5.98296390970548,7.590867280960083 +3.064324572544041,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8075539355814767,2.1813087463378906,2.31805282831192,0.7923536586000565,5.98296390970548,7.590867280960083 +3.15106954324783,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8075539355814767,2.1813087463378906,2.31805282831192,0.7923536586000565,5.98296390970548,7.590867280960083 +2.9823167493038216,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8075539355814767,2.1813087463378906,2.31805282831192,0.7923536586000565,5.98296390970548,7.590867280960083 +2.6923171849995455,2.6532834258067046,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6532834258067046,1.6054720878601074,1.843868874013424,0.6696324240654072,6.285600771506627,8.090139865875244 +3.1917729519248326,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6532834258067046,1.6054720878601074,1.843868874013424,0.6696324240654072,6.285600771506627,8.090139865875244 +2.8871255368389566,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6532834258067046,1.6054720878601074,1.843868874013424,0.6696324240654072,6.285600771506627,8.090139865875244 +2.9157468663918875,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6532834258067046,1.6054720878601074,1.843868874013424,0.6696324240654072,6.285600771506627,8.090139865875244 +2.9795025836093356,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6532834258067046,1.6054720878601074,1.843868874013424,0.6696324240654072,6.285600771506627,8.090139865875244 +3.113676224427609,2.5474398767682893,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5474398767682893,1.493314266204834,1.7437110617756844,0.45636806256593543,6.417944232622783,8.590054035186768 +3.381043243688835,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5474398767682893,1.493314266204834,1.7437110617756844,0.45636806256593543,6.417944232622783,8.590054035186768 +3.0390592861713084,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5474398767682893,1.493314266204834,1.7437110617756844,0.45636806256593543,6.417944232622783,8.590054035186768 +3.1247567863299928,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5474398767682893,1.493314266204834,1.7437110617756844,0.45636806256593543,6.417944232622783,8.590054035186768 +3.026971947312829,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5474398767682893,1.493314266204834,1.7437110617756844,0.45636806256593543,6.417944232622783,8.590054035186768 +2.718179517917197,2.8583777031193227,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8583777031193227,2.2940521240234375,2.4136247783899307,0.8024312229232585,5.943820426861445,7.422893047332764 +3.0631042887266497,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8583777031193227,2.2940521240234375,2.4136247783899307,0.8024312229232585,5.943820426861445,7.422893047332764 +3.1748249075654646,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8583777031193227,2.2940521240234375,2.4136247783899307,0.8024312229232585,5.943820426861445,7.422893047332764 +3.0756049871800433,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8583777031193227,2.2940521240234375,2.4136247783899307,0.8024312229232585,5.943820426861445,7.422893047332764 +3.3363254138858944,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.8583777031193227,2.2940521240234375,2.4136247783899307,0.8024312229232585,5.943820426861445,7.422893047332764 +2.9020525471996566,3.732711515501532,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.732711515501532,3.0409226417541504,3.1710205674171448,1.3863029048797932,7.3260757227738695,9.255895137786865 +2.928420341655177,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.732711515501532,3.0409226417541504,3.1710205674171448,1.3863029048797932,7.3260757227738695,9.255895137786865 +2.9941891792282185,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.732711515501532,3.0409226417541504,3.1710205674171448,1.3863029048797932,7.3260757227738695,9.255895137786865 +3.2653098477332283,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.732711515501532,3.0409226417541504,3.1710205674171448,1.3863029048797932,7.3260757227738695,9.255895137786865 +3.502097193141831,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.732711515501532,3.0409226417541504,3.1710205674171448,1.3863029048797932,7.3260757227738695,9.255895137786865 +3.0476014924381394,3.115881276068263,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.115881276068263,2.2665858268737793,2.5084984451532364,1.0920846525658952,6.5198683341344195,8.145717859268188 +2.989948789799087,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.115881276068263,2.2665858268737793,2.5084984451532364,1.0920846525658952,6.5198683341344195,8.145717859268188 +3.1294701958682873,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.115881276068263,2.2665858268737793,2.5084984451532364,1.0920846525658952,6.5198683341344195,8.145717859268188 +3.0038736347771136,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.115881276068263,2.2665858268737793,2.5084984451532364,1.0920846525658952,6.5198683341344195,8.145717859268188 +2.9895455081124522,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.115881276068263,2.2665858268737793,2.5084984451532364,1.0920846525658952,6.5198683341344195,8.145717859268188 +3.0479660613230117,2.6911560259564387,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6911560259564387,1.939670205116272,2.159342661499977,0.8990350302229536,5.691464483737946,7.514011859893799 +2.920894038455872,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6911560259564387,1.939670205116272,2.159342661499977,0.8990350302229536,5.691464483737946,7.514011859893799 +3.1211485620835098,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6911560259564387,1.939670205116272,2.159342661499977,0.8990350302229536,5.691464483737946,7.514011859893799 +2.9682994623834005,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6911560259564387,1.939670205116272,2.159342661499977,0.8990350302229536,5.691464483737946,7.514011859893799 +3.0155848116473116,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.6911560259564387,1.939670205116272,2.159342661499977,0.8990350302229536,5.691464483737946,7.514011859893799 +3.148698650004061,2.5509808027619467,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5509808027619467,1.913359522819519,2.0487161427736282,0.8280839748839115,5.380702644586563,6.593266010284424 +3.013127665858054,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5509808027619467,1.913359522819519,2.0487161427736282,0.8280839748839115,5.380702644586563,6.593266010284424 +2.8240190268313854,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5509808027619467,1.913359522819519,2.0487161427736282,0.8280839748839115,5.380702644586563,6.593266010284424 +3.1334780653054266,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5509808027619467,1.913359522819519,2.0487161427736282,0.8280839748839115,5.380702644586563,6.593266010284424 +3.0768807482181875,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5509808027619467,1.913359522819519,2.0487161427736282,0.8280839748839115,5.380702644586563,6.593266010284424 +3.0521808570591777,2.97195651401712,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.97195651401712,2.028543472290039,2.3126348853111267,1.0383341061942122,6.414825042088826,8.009943008422852 +2.983876369359955,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.97195651401712,2.028543472290039,2.3126348853111267,1.0383341061942122,6.414825042088826,8.009943008422852 +3.1366646517888306,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.97195651401712,2.028543472290039,2.3126348853111267,1.0383341061942122,6.414825042088826,8.009943008422852 +3.108843274256437,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.97195651401712,2.028543472290039,2.3126348853111267,1.0383341061942122,6.414825042088826,8.009943008422852 +2.9892881912641247,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.97195651401712,2.028543472290039,2.3126348853111267,1.0383341061942122,6.414825042088826,8.009943008422852 +2.8680121669995375,2.359210103165105,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.359210103165105,1.605228304862976,1.7864903137087822,0.5344876857831123,5.4036378264427185,6.9245285987854 +2.9229219169689427,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.359210103165105,1.605228304862976,1.7864903137087822,0.5344876857831123,5.4036378264427185,6.9245285987854 +2.7600246362724103,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.359210103165105,1.605228304862976,1.7864903137087822,0.5344876857831123,5.4036378264427185,6.9245285987854 +2.986142271097048,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.359210103165105,1.605228304862976,1.7864903137087822,0.5344876857831123,5.4036378264427185,6.9245285987854 +2.9759556348744374,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.359210103165105,1.605228304862976,1.7864903137087822,0.5344876857831123,5.4036378264427185,6.9245285987854 +3.0815306322090823,2.720865167326328,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.720865167326328,1.9470218420028687,2.066460594534874,0.6723354195660733,6.138287593921025,7.744439363479614 +3.014990707725998,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.720865167326328,1.9470218420028687,2.066460594534874,0.6723354195660733,6.138287593921025,7.744439363479614 +3.177434675158335,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.720865167326328,1.9470218420028687,2.066460594534874,0.6723354195660733,6.138287593921025,7.744439363479614 +3.0128485457057663,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.720865167326328,1.9470218420028687,2.066460594534874,0.6723354195660733,6.138287593921025,7.744439363479614 +3.0184054535761753,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.720865167326328,1.9470218420028687,2.066460594534874,0.6723354195660733,6.138287593921025,7.744439363479614 +2.7964415198453856,2.332277405324407,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.332277405324407,1.6311088800430298,1.7404828891158104,0.5014534554582961,5.443010578552882,6.81552791595459 +2.8734823459220817,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.332277405324407,1.6311088800430298,1.7404828891158104,0.5014534554582961,5.443010578552882,6.81552791595459 +2.7674219605935346,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.332277405324407,1.6311088800430298,1.7404828891158104,0.5014534554582961,5.443010578552882,6.81552791595459 +3.0417422921611714,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.332277405324407,1.6311088800430298,1.7404828891158104,0.5014534554582961,5.443010578552882,6.81552791595459 +3.0993136016143095,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.332277405324407,1.6311088800430298,1.7404828891158104,0.5014534554582961,5.443010578552882,6.81552791595459 +3.0349540840883784,2.5468148474449888,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5468148474449888,2.0409514904022217,2.1231629699468613,0.7857526138107828,5.2255760083595915,6.07948637008667 +3.1022602331575095,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5468148474449888,2.0409514904022217,2.1231629699468613,0.7857526138107828,5.2255760083595915,6.07948637008667 +2.7896659816924076,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5468148474449888,2.0409514904022217,2.1231629699468613,0.7857526138107828,5.2255760083595915,6.07948637008667 +3.007252279165095,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5468148474449888,2.0409514904022217,2.1231629699468613,0.7857526138107828,5.2255760083595915,6.07948637008667 +3.2927681160226108,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,2.5468148474449888,2.0409514904022217,2.1231629699468613,0.7857526138107828,5.2255760083595915,6.07948637008667 +3.025496138818068,3.131154631756987,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.131154631756987,2.6178581714630127,2.6667899787425995,1.4648830979428393,5.6771646191676455,6.607896089553833 +2.961942999053065,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.131154631756987,2.6178581714630127,2.6667899787425995,1.4648830979428393,5.6771646191676455,6.607896089553833 +3.076954565349403,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.131154631756987,2.6178581714630127,2.6667899787425995,1.4648830979428393,5.6771646191676455,6.607896089553833 +3.2333976440625736,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.131154631756987,2.6178581714630127,2.6667899787425995,1.4648830979428393,5.6771646191676455,6.607896089553833 +3.2233645480017445,0,2.180624500697196,1.6120408773422241,1.6718337163329124,0.43050383411823434,5.098077699542046,6.410536527633667,3.131154631756987,2.6178581714630127,2.6667899787425995,1.4648830979428393,5.6771646191676455,6.607896089553833 +3.066908262492175,2.143319518427262,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268 +3.184906855541768,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268 +3.0882020201781066,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268 +3.1662494599107722,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268 +2.868257391753184,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268 +2.8949229640377294,3.1107343272232884,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1107343272232884,2.744523048400879,2.694926306605339,0.8843613834457195,6.147898589571317,7.236822128295898 +3.3391753121103784,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1107343272232884,2.744523048400879,2.694926306605339,0.8843613834457195,6.147898589571317,7.236822128295898 +2.9633690837365565,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1107343272232884,2.744523048400879,2.694926306605339,0.8843613834457195,6.147898589571317,7.236822128295898 +2.982708912688636,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1107343272232884,2.744523048400879,2.694926306605339,0.8843613834457195,6.147898589571317,7.236822128295898 +3.246292069119547,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1107343272232884,2.744523048400879,2.694926306605339,0.8843613834457195,6.147898589571317,7.236822128295898 +2.8997219153124076,2.9461095913542503,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9461095913542503,2.265981435775757,2.4160255938768387,0.9888669227031951,6.061857293049495,7.405524015426636 +2.905438941950349,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9461095913542503,2.265981435775757,2.4160255938768387,0.9888669227031951,6.061857293049495,7.405524015426636 +3.077667719449858,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9461095913542503,2.265981435775757,2.4160255938768387,0.9888669227031951,6.061857293049495,7.405524015426636 +3.1383555171818567,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9461095913542503,2.265981435775757,2.4160255938768387,0.9888669227031951,6.061857293049495,7.405524015426636 +3.328078090195947,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9461095913542503,2.265981435775757,2.4160255938768387,0.9888669227031951,6.061857293049495,7.405524015426636 +2.870619713647454,2.69930230248817,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.69930230248817,2.059375524520874,2.108391657471657,0.724667267120899,5.934283807873726,7.563457012176514 +3.0061035977790147,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.69930230248817,2.059375524520874,2.108391657471657,0.724667267120899,5.934283807873726,7.563457012176514 +3.1824502736646236,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.69930230248817,2.059375524520874,2.108391657471657,0.724667267120899,5.934283807873726,7.563457012176514 +3.0469394713363536,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.69930230248817,2.059375524520874,2.108391657471657,0.724667267120899,5.934283807873726,7.563457012176514 +2.9361370012994152,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.69930230248817,2.059375524520874,2.108391657471657,0.724667267120899,5.934283807873726,7.563457012176514 +3.007443777485615,2.4048921789642406,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4048921789642406,1.5974068641662598,1.7476883828639984,0.516901487682728,5.66692936917146,7.364028453826904 +2.7751382388154773,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4048921789642406,1.5974068641662598,1.7476883828639984,0.516901487682728,5.66692936917146,7.364028453826904 +3.08340939223292,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4048921789642406,1.5974068641662598,1.7476883828639984,0.516901487682728,5.66692936917146,7.364028453826904 +3.1563558940941205,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4048921789642406,1.5974068641662598,1.7476883828639984,0.516901487682728,5.66692936917146,7.364028453826904 +2.841279330932651,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4048921789642406,1.5974068641662598,1.7476883828639984,0.516901487682728,5.66692936917146,7.364028453826904 +3.031999221372984,3.541688890045226,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.541688890045226,3.11985445022583,3.119453400373459,1.4122184274044443,6.490637093782425,7.843032121658325 +3.0710476333725043,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.541688890045226,3.11985445022583,3.119453400373459,1.4122184274044443,6.490637093782425,7.843032121658325 +2.7593976878598134,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.541688890045226,3.11985445022583,3.119453400373459,1.4122184274044443,6.490637093782425,7.843032121658325 +2.989624210571579,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.541688890045226,3.11985445022583,3.119453400373459,1.4122184274044443,6.490637093782425,7.843032121658325 +2.910788718047762,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.541688890045226,3.11985445022583,3.119453400373459,1.4122184274044443,6.490637093782425,7.843032121658325 +3.190378032763061,2.5609451071286076,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5609451071286076,1.8659253120422363,2.04653100669384,0.93248827692042,5.305623029669126,6.617192029953003 +2.9656651492776542,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5609451071286076,1.8659253120422363,2.04653100669384,0.93248827692042,5.305623029669126,6.617192029953003 +3.0115654458259713,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5609451071286076,1.8659253120422363,2.04653100669384,0.93248827692042,5.305623029669126,6.617192029953003 +2.9845789978848845,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5609451071286076,1.8659253120422363,2.04653100669384,0.93248827692042,5.305623029669126,6.617192029953003 +2.916192960517792,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5609451071286076,1.8659253120422363,2.04653100669384,0.93248827692042,5.305623029669126,6.617192029953003 +3.1497709768520425,3.8976945862252053,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.8976945862252053,3.671732187271118,3.608940601348877,1.3751832364087409,6.952549974123637,8.369248390197754 +3.071614473030485,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.8976945862252053,3.671732187271118,3.608940601348877,1.3751832364087409,6.952549974123637,8.369248390197754 +3.0747691053768684,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.8976945862252053,3.671732187271118,3.608940601348877,1.3751832364087409,6.952549974123637,8.369248390197754 +2.960718978957251,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.8976945862252053,3.671732187271118,3.608940601348877,1.3751832364087409,6.952549974123637,8.369248390197754 +2.950608130672882,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.8976945862252053,3.671732187271118,3.608940601348877,1.3751832364087409,6.952549974123637,8.369248390197754 +2.9763123450370936,3.163997596315064,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.163997596315064,2.749155282974243,2.787155658006668,0.9902655311087345,6.089112063248952,7.161112070083618 +2.9476499086744905,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.163997596315064,2.749155282974243,2.787155658006668,0.9902655311087345,6.089112063248952,7.161112070083618 +2.833482142073406,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.163997596315064,2.749155282974243,2.787155658006668,0.9902655311087345,6.089112063248952,7.161112070083618 +2.927547644853434,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.163997596315064,2.749155282974243,2.787155658006668,0.9902655311087345,6.089112063248952,7.161112070083618 +2.9671213041487046,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.163997596315064,2.749155282974243,2.787155658006668,0.9902655311087345,6.089112063248952,7.161112070083618 +3.2334867728286145,2.8917811203221375,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8917811203221375,2.4136240482330322,2.5014170110225677,0.83217176699892,5.9629281510909395,7.137556552886963 +2.93316316982084,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8917811203221375,2.4136240482330322,2.5014170110225677,0.83217176699892,5.9629281510909395,7.137556552886963 +2.88369444807107,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8917811203221375,2.4136240482330322,2.5014170110225677,0.83217176699892,5.9629281510909395,7.137556552886963 +2.8036178776139606,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8917811203221375,2.4136240482330322,2.5014170110225677,0.83217176699892,5.9629281510909395,7.137556552886963 +3.1293140297029316,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8917811203221375,2.4136240482330322,2.5014170110225677,0.83217176699892,5.9629281510909395,7.137556552886963 +2.88769589275596,2.9641499720630846,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9641499720630846,2.174208879470825,2.402127683162689,1.1048156130821147,6.065300479531288,7.328122615814209 +3.079643468582504,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9641499720630846,2.174208879470825,2.402127683162689,1.1048156130821147,6.065300479531288,7.328122615814209 +2.9786062216489952,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9641499720630846,2.174208879470825,2.402127683162689,1.1048156130821147,6.065300479531288,7.328122615814209 +3.2636442484447747,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9641499720630846,2.174208879470825,2.402127683162689,1.1048156130821147,6.065300479531288,7.328122615814209 +3.069660101471276,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9641499720630846,2.174208879470825,2.402127683162689,1.1048156130821147,6.065300479531288,7.328122615814209 +2.920842557098094,2.4671259426477694,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4671259426477694,1.72055983543396,1.9191636592149734,0.6428259462118149,5.575048089027405,7.228295087814331 +2.8410188733385158,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4671259426477694,1.72055983543396,1.9191636592149734,0.6428259462118149,5.575048089027405,7.228295087814331 +3.15709402074232,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4671259426477694,1.72055983543396,1.9191636592149734,0.6428259462118149,5.575048089027405,7.228295087814331 +2.9141108079835654,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4671259426477694,1.72055983543396,1.9191636592149734,0.6428259462118149,5.575048089027405,7.228295087814331 +2.8594947602965473,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4671259426477694,1.72055983543396,1.9191636592149734,0.6428259462118149,5.575048089027405,7.228295087814331 +2.7708509551553893,3.1599973391800025,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1599973391800025,2.522432565689087,2.593710958957672,0.9881115752331754,6.548434530695279,8.282045364379883 +3.076764174497412,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1599973391800025,2.522432565689087,2.593710958957672,0.9881115752331754,6.548434530695279,8.282045364379883 +2.963585200850464,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1599973391800025,2.522432565689087,2.593710958957672,0.9881115752331754,6.548434530695279,8.282045364379883 +2.874505658147348,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1599973391800025,2.522432565689087,2.593710958957672,0.9881115752331754,6.548434530695279,8.282045364379883 +2.918633150188771,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1599973391800025,2.522432565689087,2.593710958957672,0.9881115752331754,6.548434530695279,8.282045364379883 +3.0063266893675853,3.2779458272441517,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2779458272441517,2.6159133911132812,2.7981520146131516,1.0937403660822422,6.464871317148209,7.990438461303711 +2.975422180299734,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2779458272441517,2.6159133911132812,2.7981520146131516,1.0937403660822422,6.464871317148209,7.990438461303711 +3.0023437645138102,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2779458272441517,2.6159133911132812,2.7981520146131516,1.0937403660822422,6.464871317148209,7.990438461303711 +2.7928856757101395,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2779458272441517,2.6159133911132812,2.7981520146131516,1.0937403660822422,6.464871317148209,7.990438461303711 +3.0021891565474657,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2779458272441517,2.6159133911132812,2.7981520146131516,1.0937403660822422,6.464871317148209,7.990438461303711 +2.84100440482483,2.7250914733993445,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7250914733993445,2.1017065048217773,2.2315701246261597,0.8213958605489833,5.75978909432888,6.973616600036621 +2.7536128364720773,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7250914733993445,2.1017065048217773,2.2315701246261597,0.8213958605489833,5.75978909432888,6.973616600036621 +2.7809189130559524,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7250914733993445,2.1017065048217773,2.2315701246261597,0.8213958605489833,5.75978909432888,6.973616600036621 +2.9932978240580392,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7250914733993445,2.1017065048217773,2.2315701246261597,0.8213958605489833,5.75978909432888,6.973616600036621 +3.0112693430534723,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7250914733993445,2.1017065048217773,2.2315701246261597,0.8213958605489833,5.75978909432888,6.973616600036621 +2.9565122443737972,2.4449898019745087,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4449898019745087,1.8242406845092773,1.8862802311778069,0.6339437072264388,5.431276520093282,7.014978885650635 +2.997223362741641,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4449898019745087,1.8242406845092773,1.8862802311778069,0.6339437072264388,5.431276520093282,7.014978885650635 +3.0966393179816025,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4449898019745087,1.8242406845092773,1.8862802311778069,0.6339437072264388,5.431276520093282,7.014978885650635 +2.758788176789998,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4449898019745087,1.8242406845092773,1.8862802311778069,0.6339437072264388,5.431276520093282,7.014978885650635 +3.061415389555677,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4449898019745087,1.8242406845092773,1.8862802311778069,0.6339437072264388,5.431276520093282,7.014978885650635 +3.099070629702797,2.7307272715718334,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7307272715718334,2.1397287845611572,2.2376800179481506,0.9711776375770569,5.496431569258372,6.315886497497559 +2.9353288164070808,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7307272715718334,2.1397287845611572,2.2376800179481506,0.9711776375770569,5.496431569258372,6.315886497497559 +2.814264664836524,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7307272715718334,2.1397287845611572,2.2376800179481506,0.9711776375770569,5.496431569258372,6.315886497497559 +2.925461083670352,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7307272715718334,2.1397287845611572,2.2376800179481506,0.9711776375770569,5.496431569258372,6.315886497497559 +3.1003713332492095,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7307272715718334,2.1397287845611572,2.2376800179481506,0.9711776375770569,5.496431569258372,6.315886497497559 +2.823716794029471,4.247875417090211,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,4.247875417090211,3.782944679260254,3.819520443677902,1.7434056971935517,7.60998793443044,8.844059944152832 +3.040196667556263,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,4.247875417090211,3.782944679260254,3.819520443677902,1.7434056971935517,7.60998793443044,8.844059944152832 +2.8950082102805297,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,4.247875417090211,3.782944679260254,3.819520443677902,1.7434056971935517,7.60998793443044,8.844059944152832 +2.7941393829901906,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,4.247875417090211,3.782944679260254,3.819520443677902,1.7434056971935517,7.60998793443044,8.844059944152832 +3.3523059816591303,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,4.247875417090211,3.782944679260254,3.819520443677902,1.7434056971935517,7.60998793443044,8.844059944152832 +2.855920312516095,2.8685493841377228,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8685493841377228,2.175468683242798,2.284191608428955,0.817697379500308,6.176888043681781,7.153548955917358 +2.9357317149915807,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8685493841377228,2.175468683242798,2.284191608428955,0.817697379500308,6.176888043681781,7.153548955917358 +2.996587036142931,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8685493841377228,2.175468683242798,2.284191608428955,0.817697379500308,6.176888043681781,7.153548955917358 +2.845630327234692,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8685493841377228,2.175468683242798,2.284191608428955,0.817697379500308,6.176888043681781,7.153548955917358 +2.9049090613618453,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8685493841377228,2.175468683242798,2.284191608428955,0.817697379500308,6.176888043681781,7.153548955917358 +2.893039683013443,2.8271492700926295,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8271492700926295,2.198824405670166,2.3220747262239456,0.8929110359638295,5.78123772641023,7.07345986366272 +3.0288202503710906,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8271492700926295,2.198824405670166,2.3220747262239456,0.8929110359638295,5.78123772641023,7.07345986366272 +2.8483952128128283,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8271492700926295,2.198824405670166,2.3220747262239456,0.8929110359638295,5.78123772641023,7.07345986366272 +2.7760535663967105,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8271492700926295,2.198824405670166,2.3220747262239456,0.8929110359638295,5.78123772641023,7.07345986366272 +3.01877440524038,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8271492700926295,2.198824405670166,2.3220747262239456,0.8929110359638295,5.78123772641023,7.07345986366272 +2.953880574504798,2.7878812390784318,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7878812390784318,2.1857006549835205,2.281265377998352,0.8460534741269782,5.811022251844406,7.028299808502197 +2.8423778312354884,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7878812390784318,2.1857006549835205,2.281265377998352,0.8460534741269782,5.811022251844406,7.028299808502197 +3.1107604716872346,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7878812390784318,2.1857006549835205,2.281265377998352,0.8460534741269782,5.811022251844406,7.028299808502197 +3.004887375575478,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7878812390784318,2.1857006549835205,2.281265377998352,0.8460534741269782,5.811022251844406,7.028299808502197 +2.9847321835808476,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7878812390784318,2.1857006549835205,2.281265377998352,0.8460534741269782,5.811022251844406,7.028299808502197 +2.7848803861466895,2.568178548628747,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.568178548628747,1.8997069597244263,2.0285636484622955,0.750943568475703,5.655282706022263,6.750412225723267 +3.0034132880660205,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.568178548628747,1.8997069597244263,2.0285636484622955,0.750943568475703,5.655282706022263,6.750412225723267 +3.0911112617434493,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.568178548628747,1.8997069597244263,2.0285636484622955,0.750943568475703,5.655282706022263,6.750412225723267 +2.772600490866669,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.568178548628747,1.8997069597244263,2.0285636484622955,0.750943568475703,5.655282706022263,6.750412225723267 +2.795944277839414,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.568178548628747,1.8997069597244263,2.0285636484622955,0.750943568475703,5.655282706022263,6.750412225723267 +2.7999308822721005,2.619507607053088,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.619507607053088,1.9024862051010132,2.091079458594322,0.8909007805459043,5.408598522345225,6.358920574188232 +3.004245097445082,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.619507607053088,1.9024862051010132,2.091079458594322,0.8909007805459043,5.408598522345225,6.358920574188232 +2.978280214716332,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.619507607053088,1.9024862051010132,2.091079458594322,0.8909007805459043,5.408598522345225,6.358920574188232 +2.936382804945388,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.619507607053088,1.9024862051010132,2.091079458594322,0.8909007805459043,5.408598522345225,6.358920574188232 +2.7927143214868297,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.619507607053088,1.9024862051010132,2.091079458594322,0.8909007805459043,5.408598522345225,6.358920574188232 +2.846521333788845,2.8973202745951907,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8973202745951907,2.1529507637023926,2.298214375972748,0.9840374867966835,5.963215867678325,7.604445457458496 +2.8258685397295484,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8973202745951907,2.1529507637023926,2.298214375972748,0.9840374867966835,5.963215867678325,7.604445457458496 +2.975620596948764,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8973202745951907,2.1529507637023926,2.298214375972748,0.9840374867966835,5.963215867678325,7.604445457458496 +2.880382411675997,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8973202745951907,2.1529507637023926,2.298214375972748,0.9840374867966835,5.963215867678325,7.604445457458496 +2.839928142667133,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8973202745951907,2.1529507637023926,2.298214375972748,0.9840374867966835,5.963215867678325,7.604445457458496 +2.992859587508108,2.5583631388101904,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5583631388101904,1.9144841432571411,2.0469110012054443,0.7623108883804464,5.425450310111046,6.689308404922485 +2.6107540105516462,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5583631388101904,1.9144841432571411,2.0469110012054443,0.7623108883804464,5.425450310111046,6.689308404922485 +2.849684605350229,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5583631388101904,1.9144841432571411,2.0469110012054443,0.7623108883804464,5.425450310111046,6.689308404922485 +2.877464258741953,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5583631388101904,1.9144841432571411,2.0469110012054443,0.7623108883804464,5.425450310111046,6.689308404922485 +2.8766893232809454,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5583631388101904,1.9144841432571411,2.0469110012054443,0.7623108883804464,5.425450310111046,6.689308404922485 +2.8761574413913946,2.7812056181396487,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7812056181396487,2.2221992015838623,2.3711865693330765,0.8430516042924941,5.723741561174393,7.462521076202393 +2.9726866964319973,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7812056181396487,2.2221992015838623,2.3711865693330765,0.8430516042924941,5.723741561174393,7.462521076202393 +2.914506084070756,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7812056181396487,2.2221992015838623,2.3711865693330765,0.8430516042924941,5.723741561174393,7.462521076202393 +3.1658636277012864,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7812056181396487,2.2221992015838623,2.3711865693330765,0.8430516042924941,5.723741561174393,7.462521076202393 +2.9855208021615796,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7812056181396487,2.2221992015838623,2.3711865693330765,0.8430516042924941,5.723741561174393,7.462521076202393 +2.818401966431729,3.296786973613719,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.296786973613719,2.796243906021118,2.8683688044548035,1.10178187299282,6.435912400484085,8.149320602416992 +2.854743162916099,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.296786973613719,2.796243906021118,2.8683688044548035,1.10178187299282,6.435912400484085,8.149320602416992 +3.1528509156457307,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.296786973613719,2.796243906021118,2.8683688044548035,1.10178187299282,6.435912400484085,8.149320602416992 +2.844954860206466,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.296786973613719,2.796243906021118,2.8683688044548035,1.10178187299282,6.435912400484085,8.149320602416992 +3.074070807477207,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.296786973613719,2.796243906021118,2.8683688044548035,1.10178187299282,6.435912400484085,8.149320602416992 +2.7870134485376608,2.2862323877152972,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2862323877152972,1.5702238082885742,1.7435426488518715,0.4359331088180238,5.464955180883408,6.613547086715698 +2.823812902527083,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2862323877152972,1.5702238082885742,1.7435426488518715,0.4359331088180238,5.464955180883408,6.613547086715698 +2.9905896510345866,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2862323877152972,1.5702238082885742,1.7435426488518715,0.4359331088180238,5.464955180883408,6.613547086715698 +2.793366138692402,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2862323877152972,1.5702238082885742,1.7435426488518715,0.4359331088180238,5.464955180883408,6.613547086715698 +2.851352313607536,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2862323877152972,1.5702238082885742,1.7435426488518715,0.4359331088180238,5.464955180883408,6.613547086715698 +2.9217751056785923,3.067344588603025,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.067344588603025,2.5375962257385254,2.6283077895641327,0.9461717015885293,6.233430112401645,7.312989950180054 +2.976026680725639,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.067344588603025,2.5375962257385254,2.6283077895641327,0.9461717015885293,6.233430112401645,7.312989950180054 +2.729711731169521,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.067344588603025,2.5375962257385254,2.6283077895641327,0.9461717015885293,6.233430112401645,7.312989950180054 +2.8899688339676084,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.067344588603025,2.5375962257385254,2.6283077895641327,0.9461717015885293,6.233430112401645,7.312989950180054 +2.7446909669381556,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.067344588603025,2.5375962257385254,2.6283077895641327,0.9461717015885293,6.233430112401645,7.312989950180054 +2.856164117529,2.399323392405872,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.399323392405872,1.5318683385849,1.7957403808832169,0.6780536445848485,5.484358847141266,7.058754920959473 +2.7142336437928267,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.399323392405872,1.5318683385849,1.7957403808832169,0.6780536445848485,5.484358847141266,7.058754920959473 +2.7760257294465758,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.399323392405872,1.5318683385849,1.7957403808832169,0.6780536445848485,5.484358847141266,7.058754920959473 +2.8737218064757495,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.399323392405872,1.5318683385849,1.7957403808832169,0.6780536445848485,5.484358847141266,7.058754920959473 +2.9720883884464713,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.399323392405872,1.5318683385849,1.7957403808832169,0.6780536445848485,5.484358847141266,7.058754920959473 +2.7698128052075597,2.4464763005444516,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4464763005444516,1.7166882753372192,1.8798325806856155,0.8041359447735421,5.265704373518626,6.124351978302002 +2.9004822458963178,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4464763005444516,1.7166882753372192,1.8798325806856155,0.8041359447735421,5.265704373518626,6.124351978302002 +2.715144297192046,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4464763005444516,1.7166882753372192,1.8798325806856155,0.8041359447735421,5.265704373518626,6.124351978302002 +2.8881286157774357,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4464763005444516,1.7166882753372192,1.8798325806856155,0.8041359447735421,5.265704373518626,6.124351978302002 +3.0066776053303115,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4464763005444516,1.7166882753372192,1.8798325806856155,0.8041359447735421,5.265704373518626,6.124351978302002 +2.9850162437842758,2.3972728388159688,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3972728388159688,1.5027199983596802,1.695274531841278,0.5100629386749673,5.801154166460037,7.276511907577515 +2.984267217845752,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3972728388159688,1.5027199983596802,1.695274531841278,0.5100629386749673,5.801154166460037,7.276511907577515 +2.822990067500809,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3972728388159688,1.5027199983596802,1.695274531841278,0.5100629386749673,5.801154166460037,7.276511907577515 +2.907369624852976,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3972728388159688,1.5027199983596802,1.695274531841278,0.5100629386749673,5.801154166460037,7.276511907577515 +3.030071281469785,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3972728388159688,1.5027199983596802,1.695274531841278,0.5100629386749673,5.801154166460037,7.276511907577515 +2.8934499577122597,2.4050637697752233,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4050637697752233,1.733590841293335,1.9300838708877563,0.7693316614691247,5.186958928902944,6.267004013061523 +2.837912547691115,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4050637697752233,1.733590841293335,1.9300838708877563,0.7693316614691247,5.186958928902944,6.267004013061523 +2.947054144321133,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4050637697752233,1.733590841293335,1.9300838708877563,0.7693316614691247,5.186958928902944,6.267004013061523 +2.8294341831371703,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4050637697752233,1.733590841293335,1.9300838708877563,0.7693316614691247,5.186958928902944,6.267004013061523 +2.855938619185506,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4050637697752233,1.733590841293335,1.9300838708877563,0.7693316614691247,5.186958928902944,6.267004013061523 +2.847340612951419,3.0550261768683087,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0550261768683087,2.4834890365600586,2.5802734196186066,1.0901356738932588,5.940678631265958,7.460896253585815 +2.950842103765245,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0550261768683087,2.4834890365600586,2.5802734196186066,1.0901356738932588,5.940678631265958,7.460896253585815 +2.848479344017942,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0550261768683087,2.4834890365600586,2.5802734196186066,1.0901356738932588,5.940678631265958,7.460896253585815 +2.840075272305891,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0550261768683087,2.4834890365600586,2.5802734196186066,1.0901356738932588,5.940678631265958,7.460896253585815 +2.7439982955509534,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0550261768683087,2.4834890365600586,2.5802734196186066,1.0901356738932588,5.940678631265958,7.460896253585815 +2.9489165057554168,2.7039382586850547,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7039382586850547,1.981693148612976,2.1220858693122864,0.7013993204591122,6.036235461632411,7.868710994720459 +3.0379530716914713,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7039382586850547,1.981693148612976,2.1220858693122864,0.7013993204591122,6.036235461632411,7.868710994720459 +2.936157830415259,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7039382586850547,1.981693148612976,2.1220858693122864,0.7013993204591122,6.036235461632411,7.868710994720459 +3.145727550655366,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7039382586850547,1.981693148612976,2.1220858693122864,0.7013993204591122,6.036235461632411,7.868710994720459 +2.9772787650439403,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7039382586850547,1.981693148612976,2.1220858693122864,0.7013993204591122,6.036235461632411,7.868710994720459 +2.9631643474932057,2.4196187667743696,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4196187667743696,1.8000496625900269,1.8982493579387665,0.5432742991028948,5.498738676309586,6.940423965454102 +2.8000748696433138,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4196187667743696,1.8000496625900269,1.8982493579387665,0.5432742991028948,5.498738676309586,6.940423965454102 +3.092802961482926,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4196187667743696,1.8000496625900269,1.8982493579387665,0.5432742991028948,5.498738676309586,6.940423965454102 +2.832572115412283,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4196187667743696,1.8000496625900269,1.8982493579387665,0.5432742991028948,5.498738676309586,6.940423965454102 +2.9522926149894766,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4196187667743696,1.8000496625900269,1.8982493579387665,0.5432742991028948,5.498738676309586,6.940423965454102 +3.0801381221144837,2.205777260528497,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.205777260528497,1.5636045932769775,1.6810705214738846,0.5080104364042587,5.071321129798889,6.011181592941284 +2.9482664581319065,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.205777260528497,1.5636045932769775,1.6810705214738846,0.5080104364042587,5.071321129798889,6.011181592941284 +2.789003987468048,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.205777260528497,1.5636045932769775,1.6810705214738846,0.5080104364042587,5.071321129798889,6.011181592941284 +2.8569705036891233,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.205777260528497,1.5636045932769775,1.6810705214738846,0.5080104364042587,5.071321129798889,6.011181592941284 +3.017182989722854,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.205777260528497,1.5636045932769775,1.6810705214738846,0.5080104364042587,5.071321129798889,6.011181592941284 +2.70611879682114,2.990903478954475,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990903478954475,2.2691752910614014,2.4680297523736954,1.1870921228794342,5.888837834199269,7.152626037597656 +3.0206761338034105,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990903478954475,2.2691752910614014,2.4680297523736954,1.1870921228794342,5.888837834199269,7.152626037597656 +2.870657940876895,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990903478954475,2.2691752910614014,2.4680297523736954,1.1870921228794342,5.888837834199269,7.152626037597656 +2.957124848047207,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990903478954475,2.2691752910614014,2.4680297523736954,1.1870921228794342,5.888837834199269,7.152626037597656 +2.8122300010777277,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990903478954475,2.2691752910614014,2.4680297523736954,1.1870921228794342,5.888837834199269,7.152626037597656 +2.8447748313136696,2.3761660817093873,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3761660817093873,1.5927448272705078,1.745752975344658,0.6249285207149831,5.416232074300448,6.713227987289429 +2.8747221906953526,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3761660817093873,1.5927448272705078,1.745752975344658,0.6249285207149831,5.416232074300448,6.713227987289429 +3.0018514472823243,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3761660817093873,1.5927448272705078,1.745752975344658,0.6249285207149831,5.416232074300448,6.713227987289429 +2.8601533510482597,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3761660817093873,1.5927448272705078,1.745752975344658,0.6249285207149831,5.416232074300448,6.713227987289429 +2.8837363111443164,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3761660817093873,1.5927448272705078,1.745752975344658,0.6249285207149831,5.416232074300448,6.713227987289429 +2.9464747984782456,2.6131527796387672,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6131527796387672,1.8715804815292358,2.0539467334747314,0.8905552643093657,5.500309879581134,6.41568398475647 +2.996495222756812,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6131527796387672,1.8715804815292358,2.0539467334747314,0.8905552643093657,5.500309879581134,6.41568398475647 +3.0735202950847875,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6131527796387672,1.8715804815292358,2.0539467334747314,0.8905552643093657,5.500309879581134,6.41568398475647 +2.999877140518841,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6131527796387672,1.8715804815292358,2.0539467334747314,0.8905552643093657,5.500309879581134,6.41568398475647 +2.7218978739187953,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6131527796387672,1.8715804815292358,2.0539467334747314,0.8905552643093657,5.500309879581134,6.41568398475647 +2.8860548535060504,2.5697732354021823,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5697732354021823,1.9229501485824585,2.044775351881981,0.7683614879212481,5.432725394765536,6.959696531295776 +2.715886780335037,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5697732354021823,1.9229501485824585,2.044775351881981,0.7683614879212481,5.432725394765536,6.959696531295776 +2.8109087967943767,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5697732354021823,1.9229501485824585,2.044775351881981,0.7683614879212481,5.432725394765536,6.959696531295776 +3.0220764834700593,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5697732354021823,1.9229501485824585,2.044775351881981,0.7683614879212481,5.432725394765536,6.959696531295776 +3.0923234811275013,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5697732354021823,1.9229501485824585,2.044775351881981,0.7683614879212481,5.432725394765536,6.959696531295776 +2.924475879801205,2.5526929546869237,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5526929546869237,1.889066219329834,2.0261522233486176,0.6767697495983002,5.574179311593373,7.227078199386597 +2.641676250874838,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5526929546869237,1.889066219329834,2.0261522233486176,0.6767697495983002,5.574179311593373,7.227078199386597 +2.912091463784482,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5526929546869237,1.889066219329834,2.0261522233486176,0.6767697495983002,5.574179311593373,7.227078199386597 +2.978083353044974,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5526929546869237,1.889066219329834,2.0261522233486176,0.6767697495983002,5.574179311593373,7.227078199386597 +3.033933551739951,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5526929546869237,1.889066219329834,2.0261522233486176,0.6767697495983002,5.574179311593373,7.227078199386597 +3.0767452812479408,3.1396012697856466,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1396012697856466,2.689481258392334,2.7440020740032196,0.9525517117469868,6.1258455117543535,7.834435701370239 +2.900790447937399,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1396012697856466,2.689481258392334,2.7440020740032196,0.9525517117469868,6.1258455117543535,7.834435701370239 +2.946490642780176,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1396012697856466,2.689481258392334,2.7440020740032196,0.9525517117469868,6.1258455117543535,7.834435701370239 +2.8715644148363677,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1396012697856466,2.689481258392334,2.7440020740032196,0.9525517117469868,6.1258455117543535,7.834435701370239 +2.872393412164731,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1396012697856466,2.689481258392334,2.7440020740032196,0.9525517117469868,6.1258455117543535,7.834435701370239 +3.1928771056768435,3.126306164171059,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.126306164171059,2.567197561264038,2.690501883625984,1.3754929526055113,5.911623289187749,7.261450529098511 +2.979634240566103,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.126306164171059,2.567197561264038,2.690501883625984,1.3754929526055113,5.911623289187749,7.261450529098511 +3.1021039874863563,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.126306164171059,2.567197561264038,2.690501883625984,1.3754929526055113,5.911623289187749,7.261450529098511 +2.8392078077287195,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.126306164171059,2.567197561264038,2.690501883625984,1.3754929526055113,5.911623289187749,7.261450529098511 +3.0117460226032398,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.126306164171059,2.567197561264038,2.690501883625984,1.3754929526055113,5.911623289187749,7.261450529098511 +2.775087316962705,2.5703855933163178,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5703855933163178,1.9530435800552368,2.072494238615036,0.8229092178826637,5.581060623129209,6.892406225204468 +2.7762605594940464,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5703855933163178,1.9530435800552368,2.072494238615036,0.8229092178826637,5.581060623129209,6.892406225204468 +2.9724159115031163,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5703855933163178,1.9530435800552368,2.072494238615036,0.8229092178826637,5.581060623129209,6.892406225204468 +2.9483026368667025,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5703855933163178,1.9530435800552368,2.072494238615036,0.8229092178826637,5.581060623129209,6.892406225204468 +3.024590108217548,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5703855933163178,1.9530435800552368,2.072494238615036,0.8229092178826637,5.581060623129209,6.892406225204468 +3.1657508802390226,3.1442942208956675,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1442942208956675,2.6391561031341553,2.706729620695114,1.5628666782632787,5.704534416397412,6.8738112449646 +3.0854361693446455,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1442942208956675,2.6391561031341553,2.706729620695114,1.5628666782632787,5.704534416397412,6.8738112449646 +2.972857268798889,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1442942208956675,2.6391561031341553,2.706729620695114,1.5628666782632787,5.704534416397412,6.8738112449646 +2.9575065880697666,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1442942208956675,2.6391561031341553,2.706729620695114,1.5628666782632787,5.704534416397412,6.8738112449646 +3.0336421256395805,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1442942208956675,2.6391561031341553,2.706729620695114,1.5628666782632787,5.704534416397412,6.8738112449646 +2.906450988403682,2.9760288234156462,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9760288234156462,2.4468064308166504,2.536421924829483,1.1108308104758566,5.814906120300293,6.950479507446289 +2.6644356489102465,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9760288234156462,2.4468064308166504,2.536421924829483,1.1108308104758566,5.814906120300293,6.950479507446289 +3.0846547646452955,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9760288234156462,2.4468064308166504,2.536421924829483,1.1108308104758566,5.814906120300293,6.950479507446289 +3.149762008586202,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9760288234156462,2.4468064308166504,2.536421924829483,1.1108308104758566,5.814906120300293,6.950479507446289 +3.0946215936415076,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9760288234156462,2.4468064308166504,2.536421924829483,1.1108308104758566,5.814906120300293,6.950479507446289 +3.0834708335149825,2.553012099565636,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.553012099565636,1.530718207359314,1.7751982286572456,0.49210569452732167,6.348107824722926,8.157519102096558 +2.9279319561365744,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.553012099565636,1.530718207359314,1.7751982286572456,0.49210569452732167,6.348107824722926,8.157519102096558 +2.8993963845647297,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.553012099565636,1.530718207359314,1.7751982286572456,0.49210569452732167,6.348107824722926,8.157519102096558 +2.8361684764569888,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.553012099565636,1.530718207359314,1.7751982286572456,0.49210569452732167,6.348107824722926,8.157519102096558 +3.049610708906891,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.553012099565636,1.530718207359314,1.7751982286572456,0.49210569452732167,6.348107824722926,8.157519102096558 +2.8259596351128993,3.1290761400891847,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1290761400891847,2.6163625717163086,2.6969738751649857,1.0089556181684454,6.282447839776675,8.12447738647461 +2.814198839945091,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1290761400891847,2.6163625717163086,2.6969738751649857,1.0089556181684454,6.282447839776675,8.12447738647461 +2.919421121003773,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1290761400891847,2.6163625717163086,2.6969738751649857,1.0089556181684454,6.282447839776675,8.12447738647461 +2.9247565499904615,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1290761400891847,2.6163625717163086,2.6969738751649857,1.0089556181684454,6.282447839776675,8.12447738647461 +2.881505749467513,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1290761400891847,2.6163625717163086,2.6969738751649857,1.0089556181684454,6.282447839776675,8.12447738647461 +2.953357458865611,2.7435546033669516,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7435546033669516,2.178525447845459,2.284056007862091,1.1318402670799417,5.453426077961922,7.157699108123779 +2.962921656055539,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7435546033669516,2.178525447845459,2.284056007862091,1.1318402670799417,5.453426077961922,7.157699108123779 +2.9450178455452702,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7435546033669516,2.178525447845459,2.284056007862091,1.1318402670799417,5.453426077961922,7.157699108123779 +2.9777392657073487,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7435546033669516,2.178525447845459,2.284056007862091,1.1318402670799417,5.453426077961922,7.157699108123779 +2.7954502522312996,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7435546033669516,2.178525447845459,2.284056007862091,1.1318402670799417,5.453426077961922,7.157699108123779 +2.7928637197582096,2.3689921016546442,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3689921016546442,1.7416996955871582,1.8714854270219803,0.7158990599056507,5.043469180663426,6.003589391708374 +2.9010728128471803,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3689921016546442,1.7416996955871582,1.8714854270219803,0.7158990599056507,5.043469180663426,6.003589391708374 +2.9062829743329663,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3689921016546442,1.7416996955871582,1.8714854270219803,0.7158990599056507,5.043469180663426,6.003589391708374 +2.696001606373319,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3689921016546442,1.7416996955871582,1.8714854270219803,0.7158990599056507,5.043469180663426,6.003589391708374 +2.948611087326346,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3689921016546442,1.7416996955871582,1.8714854270219803,0.7158990599056507,5.043469180663426,6.003589391708374 +2.8152746643564743,2.9434837140337957,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9434837140337957,2.2198195457458496,2.388871282339096,1.2635494445232636,5.882470369338989,7.235299348831177 +2.9395493583195407,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9434837140337957,2.2198195457458496,2.388871282339096,1.2635494445232636,5.882470369338989,7.235299348831177 +2.867053953026587,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9434837140337957,2.2198195457458496,2.388871282339096,1.2635494445232636,5.882470369338989,7.235299348831177 +3.0772240342330237,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9434837140337957,2.2198195457458496,2.388871282339096,1.2635494445232636,5.882470369338989,7.235299348831177 +3.0834617938658604,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9434837140337957,2.2198195457458496,2.388871282339096,1.2635494445232636,5.882470369338989,7.235299348831177 +2.878479330368162,2.7237680721735456,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7237680721735456,2.206909418106079,2.2486488223075867,0.9814404713663649,5.332622597614924,6.191912889480591 +3.0716521654584366,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7237680721735456,2.206909418106079,2.2486488223075867,0.9814404713663649,5.332622597614924,6.191912889480591 +2.724467188594196,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7237680721735456,2.206909418106079,2.2486488223075867,0.9814404713663649,5.332622597614924,6.191912889480591 +2.8069204401313783,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7237680721735456,2.206909418106079,2.2486488223075867,0.9814404713663649,5.332622597614924,6.191912889480591 +2.8253271821836896,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7237680721735456,2.206909418106079,2.2486488223075867,0.9814404713663649,5.332622597614924,6.191912889480591 +2.9706921253343475,2.574352425196408,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.574352425196408,1.8960976600646973,2.0915360003709793,1.0468060783249267,5.216035182277362,6.713719367980957 +2.806086075637954,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.574352425196408,1.8960976600646973,2.0915360003709793,1.0468060783249267,5.216035182277362,6.713719367980957 +2.8382501606323043,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.574352425196408,1.8960976600646973,2.0915360003709793,1.0468060783249267,5.216035182277362,6.713719367980957 +2.9578285774398863,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.574352425196408,1.8960976600646973,2.0915360003709793,1.0468060783249267,5.216035182277362,6.713719367980957 +3.1180355760518372,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.574352425196408,1.8960976600646973,2.0915360003709793,1.0468060783249267,5.216035182277362,6.713719367980957 +2.91256702511475,2.9982417642056007,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9982417642056007,2.6700515747070312,2.6671275347471237,0.9420961298524065,5.810690755645434,6.6704511642456055 +2.6189715399429083,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9982417642056007,2.6700515747070312,2.6671275347471237,0.9420961298524065,5.810690755645434,6.6704511642456055 +2.998096134543261,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9982417642056007,2.6700515747070312,2.6671275347471237,0.9420961298524065,5.810690755645434,6.6704511642456055 +2.928868144039134,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9982417642056007,2.6700515747070312,2.6671275347471237,0.9420961298524065,5.810690755645434,6.6704511642456055 +3.0294019896685285,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9982417642056007,2.6700515747070312,2.6671275347471237,0.9420961298524065,5.810690755645434,6.6704511642456055 +2.88805820290938,3.2072606236522736,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2072606236522736,2.4775710105895996,2.65596204996109,1.2740222748289718,6.404753118753433,7.746761083602905 +3.130352077180574,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2072606236522736,2.4775710105895996,2.65596204996109,1.2740222748289718,6.404753118753433,7.746761083602905 +2.837478338683948,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2072606236522736,2.4775710105895996,2.65596204996109,1.2740222748289718,6.404753118753433,7.746761083602905 +2.914651568376259,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2072606236522736,2.4775710105895996,2.65596204996109,1.2740222748289718,6.404753118753433,7.746761083602905 +3.0331034497098517,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2072606236522736,2.4775710105895996,2.65596204996109,1.2740222748289718,6.404753118753433,7.746761083602905 +2.9018392814446825,2.198940868270023,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.198940868270023,1.547375202178955,1.6772647500038147,0.5288496630940032,4.817255616188049,6.344070196151733 +2.869889931886677,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.198940868270023,1.547375202178955,1.6772647500038147,0.5288496630940032,4.817255616188049,6.344070196151733 +2.8285604380169977,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.198940868270023,1.547375202178955,1.6772647500038147,0.5288496630940032,4.817255616188049,6.344070196151733 +2.888359054646378,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.198940868270023,1.547375202178955,1.6772647500038147,0.5288496630940032,4.817255616188049,6.344070196151733 +2.8687823022905965,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.198940868270023,1.547375202178955,1.6772647500038147,0.5288496630940032,4.817255616188049,6.344070196151733 +3.0145247026843163,2.6371198137783254,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6371198137783254,1.9209134578704834,2.0657300800085068,0.7716554354162927,5.862903505563736,7.263805866241455 +2.765494126006368,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6371198137783254,1.9209134578704834,2.0657300800085068,0.7716554354162927,5.862903505563736,7.263805866241455 +2.9361850140265506,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6371198137783254,1.9209134578704834,2.0657300800085068,0.7716554354162927,5.862903505563736,7.263805866241455 +2.8370355467857986,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6371198137783254,1.9209134578704834,2.0657300800085068,0.7716554354162927,5.862903505563736,7.263805866241455 +2.7788541957894117,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6371198137783254,1.9209134578704834,2.0657300800085068,0.7716554354162927,5.862903505563736,7.263805866241455 +3.0045115010570784,2.698433341624225,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.698433341624225,1.9735783338546753,2.1396891474723816,0.8245206633780865,5.747368951638539,6.733357667922974 +2.966139258139962,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.698433341624225,1.9735783338546753,2.1396891474723816,0.8245206633780865,5.747368951638539,6.733357667922974 +2.901329368787672,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.698433341624225,1.9735783338546753,2.1396891474723816,0.8245206633780865,5.747368951638539,6.733357667922974 +3.1361259586456915,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.698433341624225,1.9735783338546753,2.1396891474723816,0.8245206633780865,5.747368951638539,6.733357667922974 +2.7434402578745027,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.698433341624225,1.9735783338546753,2.1396891474723816,0.8245206633780865,5.747368951638539,6.733357667922974 +2.876019258793216,2.567673297023586,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.567673297023586,1.8329097032546997,2.0030770152807236,0.7296180073568161,5.765543699264526,6.751407623291016 +2.962027190692861,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.567673297023586,1.8329097032546997,2.0030770152807236,0.7296180073568161,5.765543699264526,6.751407623291016 +2.83548925214247,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.567673297023586,1.8329097032546997,2.0030770152807236,0.7296180073568161,5.765543699264526,6.751407623291016 +2.8341153190923305,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.567673297023586,1.8329097032546997,2.0030770152807236,0.7296180073568161,5.765543699264526,6.751407623291016 +2.890715484613607,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.567673297023586,1.8329097032546997,2.0030770152807236,0.7296180073568161,5.765543699264526,6.751407623291016 +3.0547658215111384,2.8528020769669746,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8528020769669746,2.2724502086639404,2.3631826639175415,0.9005936285916795,5.912947028875351,7.633121490478516 +2.8883903292390647,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8528020769669746,2.2724502086639404,2.3631826639175415,0.9005936285916795,5.912947028875351,7.633121490478516 +2.678141251858571,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8528020769669746,2.2724502086639404,2.3631826639175415,0.9005936285916795,5.912947028875351,7.633121490478516 +2.9910881807459444,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8528020769669746,2.2724502086639404,2.3631826639175415,0.9005936285916795,5.912947028875351,7.633121490478516 +2.7306653895175743,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8528020769669746,2.2724502086639404,2.3631826639175415,0.9005936285916795,5.912947028875351,7.633121490478516 +2.8596393414414845,2.702557761943777,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.702557761943777,2.1370744705200195,2.2184940576553345,0.8842704181975507,5.607244576017062,6.8062121868133545 +2.9034956056100936,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.702557761943777,2.1370744705200195,2.2184940576553345,0.8842704181975507,5.607244576017062,6.8062121868133545 +3.1897520612263235,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.702557761943777,2.1370744705200195,2.2184940576553345,0.8842704181975507,5.607244576017062,6.8062121868133545 +2.971685606660198,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.702557761943777,2.1370744705200195,2.2184940576553345,0.8842704181975507,5.607244576017062,6.8062121868133545 +2.833437096930309,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.702557761943777,2.1370744705200195,2.2184940576553345,0.8842704181975507,5.607244576017062,6.8062121868133545 +2.853554724144999,2.7638861679749964,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7638861679749964,1.8422818183898926,2.0557986944913864,0.9892673603397735,5.958864614367485,7.46692967414856 +2.9119255756588767,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7638861679749964,1.8422818183898926,2.0557986944913864,0.9892673603397735,5.958864614367485,7.46692967414856 +2.8695215695693257,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7638861679749964,1.8422818183898926,2.0557986944913864,0.9892673603397735,5.958864614367485,7.46692967414856 +2.8222077187911587,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7638861679749964,1.8422818183898926,2.0557986944913864,0.9892673603397735,5.958864614367485,7.46692967414856 +2.9932789628440886,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.7638861679749964,1.8422818183898926,2.0557986944913864,0.9892673603397735,5.958864614367485,7.46692967414856 +2.819787478277,3.046462490374505,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.046462490374505,2.4929285049438477,2.5518859028816223,0.9957830452538551,6.09215335547924,7.417534828186035 +2.8071185868401427,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.046462490374505,2.4929285049438477,2.5518859028816223,0.9957830452538551,6.09215335547924,7.417534828186035 +3.0240726509880007,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.046462490374505,2.4929285049438477,2.5518859028816223,0.9957830452538551,6.09215335547924,7.417534828186035 +3.011616676393649,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.046462490374505,2.4929285049438477,2.5518859028816223,0.9957830452538551,6.09215335547924,7.417534828186035 +2.745846792778855,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.046462490374505,2.4929285049438477,2.5518859028816223,0.9957830452538551,6.09215335547924,7.417534828186035 +2.9010530721880396,3.0625816147520903,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0625816147520903,2.5336594581604004,2.6190547049045563,1.015988124494857,6.0804109672705335,7.282344341278076 +2.9541023391192724,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0625816147520903,2.5336594581604004,2.6190547049045563,1.015988124494857,6.0804109672705335,7.282344341278076 +2.9440764771374215,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0625816147520903,2.5336594581604004,2.6190547049045563,1.015988124494857,6.0804109672705335,7.282344341278076 +2.9687485867019356,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0625816147520903,2.5336594581604004,2.6190547049045563,1.015988124494857,6.0804109672705335,7.282344341278076 +2.7684944740419994,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0625816147520903,2.5336594581604004,2.6190547049045563,1.015988124494857,6.0804109672705335,7.282344341278076 +2.9740371128410814,2.990906351991973,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990906351991973,2.456068277359009,2.5541708022356033,0.9989911260757041,5.867257247368495,7.516026020050049 +2.816982972250377,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990906351991973,2.456068277359009,2.5541708022356033,0.9989911260757041,5.867257247368495,7.516026020050049 +2.897335704880463,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990906351991973,2.456068277359009,2.5541708022356033,0.9989911260757041,5.867257247368495,7.516026020050049 +2.6974039215703227,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990906351991973,2.456068277359009,2.5541708022356033,0.9989911260757041,5.867257247368495,7.516026020050049 +2.8352877610321072,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.990906351991973,2.456068277359009,2.5541708022356033,0.9989911260757041,5.867257247368495,7.516026020050049 +2.9499308333512326,2.5668257708948943,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5668257708948943,2.013436794281006,2.1230056136846542,0.7045059267510759,5.347519963979721,6.921870946884155 +2.982168122473857,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5668257708948943,2.013436794281006,2.1230056136846542,0.7045059267510759,5.347519963979721,6.921870946884155 +2.9423532468965896,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5668257708948943,2.013436794281006,2.1230056136846542,0.7045059267510759,5.347519963979721,6.921870946884155 +3.067326951070395,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5668257708948943,2.013436794281006,2.1230056136846542,0.7045059267510759,5.347519963979721,6.921870946884155 +2.7420701053319623,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.5668257708948943,2.013436794281006,2.1230056136846542,0.7045059267510759,5.347519963979721,6.921870946884155 +2.7506754119097394,2.805289518302648,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.805289518302648,2.1534054279327393,2.2424394488334656,0.8230013422509457,5.9060836136341095,7.667789459228516 +3.0997498424363075,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.805289518302648,2.1534054279327393,2.2424394488334656,0.8230013422509457,5.9060836136341095,7.667789459228516 +2.9815898507793954,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.805289518302648,2.1534054279327393,2.2424394488334656,0.8230013422509457,5.9060836136341095,7.667789459228516 +3.025221393717853,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.805289518302648,2.1534054279327393,2.2424394488334656,0.8230013422509457,5.9060836136341095,7.667789459228516 +2.688516187988004,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.805289518302648,2.1534054279327393,2.2424394488334656,0.8230013422509457,5.9060836136341095,7.667789459228516 +2.9013089135249666,2.3543010975833965,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3543010975833965,1.6870203018188477,1.856789417564869,0.5911242356325718,5.277585168679555,6.847756385803223 +2.7578176465725392,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3543010975833965,1.6870203018188477,1.856789417564869,0.5911242356325718,5.277585168679555,6.847756385803223 +2.7853875352707087,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3543010975833965,1.6870203018188477,1.856789417564869,0.5911242356325718,5.277585168679555,6.847756385803223 +3.164442149729564,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3543010975833965,1.6870203018188477,1.856789417564869,0.5911242356325718,5.277585168679555,6.847756385803223 +2.63936322091508,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3543010975833965,1.6870203018188477,1.856789417564869,0.5911242356325718,5.277585168679555,6.847756385803223 +2.958976431594129,3.2100875309000463,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2100875309000463,2.640490770339966,2.793685495853424,1.6513722982812435,5.69555243353049,6.747638702392578 +2.7180599345768797,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2100875309000463,2.640490770339966,2.793685495853424,1.6513722982812435,5.69555243353049,6.747638702392578 +2.9986348565993954,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2100875309000463,2.640490770339966,2.793685495853424,1.6513722982812435,5.69555243353049,6.747638702392578 +2.80887352376781,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2100875309000463,2.640490770339966,2.793685495853424,1.6513722982812435,5.69555243353049,6.747638702392578 +2.795565061172377,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2100875309000463,2.640490770339966,2.793685495853424,1.6513722982812435,5.69555243353049,6.747638702392578 +2.9888317578469725,3.2019128748727717,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2019128748727717,2.6710777282714844,2.7386762499809265,1.0498573827616713,6.258548011382421,7.203294277191162 +2.8414604169580917,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2019128748727717,2.6710777282714844,2.7386762499809265,1.0498573827616713,6.258548011382421,7.203294277191162 +2.710075042489669,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2019128748727717,2.6710777282714844,2.7386762499809265,1.0498573827616713,6.258548011382421,7.203294277191162 +2.888016802365015,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2019128748727717,2.6710777282714844,2.7386762499809265,1.0498573827616713,6.258548011382421,7.203294277191162 +2.994479761634328,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2019128748727717,2.6710777282714844,2.7386762499809265,1.0498573827616713,6.258548011382421,7.203294277191162 +2.8553764574447107,3.2456261721581066,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2456261721581066,2.707904815673828,2.785812199115753,1.3111937642097473,6.160254160563151,7.476313352584839 +3.0677066613532187,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2456261721581066,2.707904815673828,2.785812199115753,1.3111937642097473,6.160254160563151,7.476313352584839 +3.208368871529001,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2456261721581066,2.707904815673828,2.785812199115753,1.3111937642097473,6.160254160563151,7.476313352584839 +2.926282107059298,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2456261721581066,2.707904815673828,2.785812199115753,1.3111937642097473,6.160254160563151,7.476313352584839 +2.6822936026186777,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2456261721581066,2.707904815673828,2.785812199115753,1.3111937642097473,6.160254160563151,7.476313352584839 +3.1130565589279016,2.9660772818545396,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9660772818545396,2.4237396717071533,2.5546228289604187,1.434363122950209,5.451988110939662,7.1444971561431885 +2.8778867981240985,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9660772818545396,2.4237396717071533,2.5546228289604187,1.434363122950209,5.451988110939662,7.1444971561431885 +2.9319601552635035,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9660772818545396,2.4237396717071533,2.5546228289604187,1.434363122950209,5.451988110939662,7.1444971561431885 +2.7814798330201396,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9660772818545396,2.4237396717071533,2.5546228289604187,1.434363122950209,5.451988110939662,7.1444971561431885 +2.736957958150922,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9660772818545396,2.4237396717071533,2.5546228289604187,1.434363122950209,5.451988110939662,7.1444971561431885 +2.947179568620196,2.9978645926058602,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9978645926058602,2.469658136367798,2.5324977040290833,0.9957900624325935,6.0225479900836945,7.232696294784546 +2.954004442403266,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9978645926058602,2.469658136367798,2.5324977040290833,0.9957900624325935,6.0225479900836945,7.232696294784546 +2.843509345871226,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9978645926058602,2.469658136367798,2.5324977040290833,0.9957900624325935,6.0225479900836945,7.232696294784546 +2.644520850056679,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9978645926058602,2.469658136367798,2.5324977040290833,0.9957900624325935,6.0225479900836945,7.232696294784546 +2.938110891699949,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.9978645926058602,2.469658136367798,2.5324977040290833,0.9957900624325935,6.0225479900836945,7.232696294784546 +2.8455867026623745,3.649460340357576,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.649460340357576,3.1711997985839844,3.182148665189743,1.4070391033558136,6.766270498434703,8.272818088531494 +2.8871032227848508,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.649460340357576,3.1711997985839844,3.182148665189743,1.4070391033558136,6.766270498434703,8.272818088531494 +2.835843803830425,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.649460340357576,3.1711997985839844,3.182148665189743,1.4070391033558136,6.766270498434703,8.272818088531494 +3.0364565813928763,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.649460340357576,3.1711997985839844,3.182148665189743,1.4070391033558136,6.766270498434703,8.272818088531494 +2.638277858080693,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.649460340357576,3.1711997985839844,3.182148665189743,1.4070391033558136,6.766270498434703,8.272818088531494 +3.0698911573747742,3.255366406827697,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.255366406827697,2.665135383605957,2.723827302455902,1.1766529932935188,6.368748173117638,7.8127477169036865 +2.526256654915506,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.255366406827697,2.665135383605957,2.723827302455902,1.1766529932935188,6.368748173117638,7.8127477169036865 +2.9995083268583613,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.255366406827697,2.665135383605957,2.723827302455902,1.1766529932935188,6.368748173117638,7.8127477169036865 +2.975816814372173,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.255366406827697,2.665135383605957,2.723827302455902,1.1766529932935188,6.368748173117638,7.8127477169036865 +2.7377137872798056,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.255366406827697,2.665135383605957,2.723827302455902,1.1766529932935188,6.368748173117638,7.8127477169036865 +2.941292248053639,2.2626905918745472,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2626905918745472,1.485694169998169,1.7394072264432907,0.4465711598700665,5.3940538465976715,6.702674150466919 +2.809332879966703,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2626905918745472,1.485694169998169,1.7394072264432907,0.4465711598700665,5.3940538465976715,6.702674150466919 +2.749181628938695,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2626905918745472,1.485694169998169,1.7394072264432907,0.4465711598700665,5.3940538465976715,6.702674150466919 +2.9911114353716215,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2626905918745472,1.485694169998169,1.7394072264432907,0.4465711598700665,5.3940538465976715,6.702674150466919 +2.827109449382486,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2626905918745472,1.485694169998169,1.7394072264432907,0.4465711598700665,5.3940538465976715,6.702674150466919 +2.9848355991612694,2.813035988994918,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.813035988994918,2.3653781414031982,2.4125830233097076,0.9681539472113264,5.585763439536095,7.052860975265503 +2.7995381446194587,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.813035988994918,2.3653781414031982,2.4125830233097076,0.9681539472113264,5.585763439536095,7.052860975265503 +2.713851634561225,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.813035988994918,2.3653781414031982,2.4125830233097076,0.9681539472113264,5.585763439536095,7.052860975265503 +2.759367459451172,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.813035988994918,2.3653781414031982,2.4125830233097076,0.9681539472113264,5.585763439536095,7.052860975265503 +3.05003394075825,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.813035988994918,2.3653781414031982,2.4125830233097076,0.9681539472113264,5.585763439536095,7.052860975265503 +2.693615054005179,2.6120189330418695,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6120189330418695,1.8889625072479248,2.0949535965919495,0.7656424586126145,5.588244890173276,7.388420581817627 +2.973868659205873,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6120189330418695,1.8889625072479248,2.0949535965919495,0.7656424586126145,5.588244890173276,7.388420581817627 +2.7510582482546013,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6120189330418695,1.8889625072479248,2.0949535965919495,0.7656424586126145,5.588244890173276,7.388420581817627 +2.8881812381609997,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6120189330418695,1.8889625072479248,2.0949535965919495,0.7656424586126145,5.588244890173276,7.388420581817627 +3.049710711627329,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6120189330418695,1.8889625072479248,2.0949535965919495,0.7656424586126145,5.588244890173276,7.388420581817627 +3.004626146638741,2.820879714027125,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.820879714027125,2.261918306350708,2.3331835716962814,0.9067349002716389,5.860964333017667,6.869204044342041 +2.9691174139197054,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.820879714027125,2.261918306350708,2.3331835716962814,0.9067349002716389,5.860964333017667,6.869204044342041 +2.9824053784857063,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.820879714027125,2.261918306350708,2.3331835716962814,0.9067349002716389,5.860964333017667,6.869204044342041 +2.872412678536117,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.820879714027125,2.261918306350708,2.3331835716962814,0.9067349002716389,5.860964333017667,6.869204044342041 +2.9945815129882463,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.820879714027125,2.261918306350708,2.3331835716962814,0.9067349002716389,5.860964333017667,6.869204044342041 +2.7751845131462702,2.675925483371263,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.675925483371263,2.057664394378662,2.2047411650419235,0.8561325230179949,5.526718785365422,6.9245100021362305 +2.867126426741046,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.675925483371263,2.057664394378662,2.2047411650419235,0.8561325230179949,5.526718785365422,6.9245100021362305 +2.729014005047573,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.675925483371263,2.057664394378662,2.2047411650419235,0.8561325230179949,5.526718785365422,6.9245100021362305 +2.7678992484426943,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.675925483371263,2.057664394378662,2.2047411650419235,0.8561325230179949,5.526718785365422,6.9245100021362305 +2.7495905797266516,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.675925483371263,2.057664394378662,2.2047411650419235,0.8561325230179949,5.526718785365422,6.9245100021362305 +2.818127335619863,2.3203431814128814,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3203431814128814,1.5958133935928345,1.7050248086452484,0.4837556481361389,5.467281515399615,6.653550386428833 +2.8530562337616394,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3203431814128814,1.5958133935928345,1.7050248086452484,0.4837556481361389,5.467281515399615,6.653550386428833 +2.640166302377096,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3203431814128814,1.5958133935928345,1.7050248086452484,0.4837556481361389,5.467281515399615,6.653550386428833 +2.824671361545985,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3203431814128814,1.5958133935928345,1.7050248086452484,0.4837556481361389,5.467281515399615,6.653550386428833 +2.884731999917119,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.3203431814128814,1.5958133935928345,1.7050248086452484,0.4837556481361389,5.467281515399615,6.653550386428833 +2.7600282162665057,3.2720614813697275,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2720614813697275,2.7815747261047363,2.8573532551527023,1.1639737645362287,6.334904342889786,7.379959344863892 +2.837413713335991,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2720614813697275,2.7815747261047363,2.8573532551527023,1.1639737645362287,6.334904342889786,7.379959344863892 +2.931114710630251,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2720614813697275,2.7815747261047363,2.8573532551527023,1.1639737645362287,6.334904342889786,7.379959344863892 +2.822340778097392,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2720614813697275,2.7815747261047363,2.8573532551527023,1.1639737645362287,6.334904342889786,7.379959344863892 +2.784985274036936,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.2720614813697275,2.7815747261047363,2.8573532551527023,1.1639737645362287,6.334904342889786,7.379959344863892 +3.056007143791854,3.0512267928472987,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0512267928472987,2.5451440811157227,2.6316520422697067,1.0497580855450732,6.049654498696327,7.315659999847412 +2.7340148443687182,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0512267928472987,2.5451440811157227,2.6316520422697067,1.0497580855450732,6.049654498696327,7.315659999847412 +2.7870763442639648,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0512267928472987,2.5451440811157227,2.6316520422697067,1.0497580855450732,6.049654498696327,7.315659999847412 +3.0676319518519333,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0512267928472987,2.5451440811157227,2.6316520422697067,1.0497580855450732,6.049654498696327,7.315659999847412 +2.8488673746427744,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.0512267928472987,2.5451440811157227,2.6316520422697067,1.0497580855450732,6.049654498696327,7.315659999847412 +2.770083362389781,2.8518209371579255,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8518209371579255,2.2484662532806396,2.3692724406719208,1.0139888937168933,5.7261713941891985,7.37734580039978 +2.7365711726623756,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8518209371579255,2.2484662532806396,2.3692724406719208,1.0139888937168933,5.7261713941891985,7.37734580039978 +2.891127972194149,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8518209371579255,2.2484662532806396,2.3692724406719208,1.0139888937168933,5.7261713941891985,7.37734580039978 +2.812033880294476,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8518209371579255,2.2484662532806396,2.3692724406719208,1.0139888937168933,5.7261713941891985,7.37734580039978 +2.9245052159781166,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.8518209371579255,2.2484662532806396,2.3692724406719208,1.0139888937168933,5.7261713941891985,7.37734580039978 +3.167262442409992,2.796263404151532,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.796263404151532,2.1727681159973145,2.307319700717926,0.850000113565871,5.849960764249166,6.81375527381897 +2.999020124659614,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.796263404151532,2.1727681159973145,2.307319700717926,0.850000113565871,5.849960764249166,6.81375527381897 +2.711402411565224,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.796263404151532,2.1727681159973145,2.307319700717926,0.850000113565871,5.849960764249166,6.81375527381897 +2.936703130444734,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.796263404151532,2.1727681159973145,2.307319700717926,0.850000113565871,5.849960764249166,6.81375527381897 +2.7405880799106956,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.796263404151532,2.1727681159973145,2.307319700717926,0.850000113565871,5.849960764249166,6.81375527381897 +2.9355978104693503,2.665333879399674,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.665333879399674,1.9010456800460815,2.056456431746483,0.7058946293719272,5.911495700478554,7.603502511978149 +3.010949216249451,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.665333879399674,1.9010456800460815,2.056456431746483,0.7058946293719272,5.911495700478554,7.603502511978149 +2.5876583339009107,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.665333879399674,1.9010456800460815,2.056456431746483,0.7058946293719272,5.911495700478554,7.603502511978149 +2.987581758129976,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.665333879399674,1.9010456800460815,2.056456431746483,0.7058946293719272,5.911495700478554,7.603502511978149 +2.790171401036671,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.665333879399674,1.9010456800460815,2.056456431746483,0.7058946293719272,5.911495700478554,7.603502511978149 +2.8528986403456735,2.530818737029093,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.530818737029093,1.8036340475082397,1.9330776035785675,0.727796476096549,5.599387963612874,7.050682544708252 +3.0050656432656457,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.530818737029093,1.8036340475082397,1.9330776035785675,0.727796476096549,5.599387963612874,7.050682544708252 +3.019202237103915,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.530818737029093,1.8036340475082397,1.9330776035785675,0.727796476096549,5.599387963612874,7.050682544708252 +2.7706587231997153,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.530818737029093,1.8036340475082397,1.9330776035785675,0.727796476096549,5.599387963612874,7.050682544708252 +2.7644021944278747,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.530818737029093,1.8036340475082397,1.9330776035785675,0.727796476096549,5.599387963612874,7.050682544708252 +2.785677529594784,3.1919336373581313,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1919336373581313,2.897189140319824,2.8298434019088745,1.115606703022693,5.96928056081136,7.499995708465576 +2.9865408636016935,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1919336373581313,2.897189140319824,2.8298434019088745,1.115606703022693,5.96928056081136,7.499995708465576 +2.8088444131241235,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1919336373581313,2.897189140319824,2.8298434019088745,1.115606703022693,5.96928056081136,7.499995708465576 +2.910192108162202,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1919336373581313,2.897189140319824,2.8298434019088745,1.115606703022693,5.96928056081136,7.499995708465576 +2.995623531921789,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,3.1919336373581313,2.897189140319824,2.8298434019088745,1.115606703022693,5.96928056081136,7.499995708465576 +2.790975819156562,2.4312543594400298,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4312543594400298,1.8828397989273071,2.01462921500206,0.9442314366076855,4.867160369952519,6.350465536117554 +2.839531032195616,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4312543594400298,1.8828397989273071,2.01462921500206,0.9442314366076855,4.867160369952519,6.350465536117554 +2.840027808332791,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4312543594400298,1.8828397989273071,2.01462921500206,0.9442314366076855,4.867160369952519,6.350465536117554 +2.846794283635104,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4312543594400298,1.8828397989273071,2.01462921500206,0.9442314366076855,4.867160369952519,6.350465536117554 +2.9718151049643993,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.4312543594400298,1.8828397989273071,2.01462921500206,0.9442314366076855,4.867160369952519,6.350465536117554 +2.7673049784544608,2.2954394494363775,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2954394494363775,1.5015474557876587,1.7236916571855545,0.5760078461880379,5.24775189658006,6.344039678573608 +2.972375081293779,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2954394494363775,1.5015474557876587,1.7236916571855545,0.5760078461880379,5.24775189658006,6.344039678573608 +2.7142473246398278,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2954394494363775,1.5015474557876587,1.7236916571855545,0.5760078461880379,5.24775189658006,6.344039678573608 +2.847301072838768,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2954394494363775,1.5015474557876587,1.7236916571855545,0.5760078461880379,5.24775189658006,6.344039678573608 +2.906865045882821,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.2954394494363775,1.5015474557876587,1.7236916571855545,0.5760078461880379,5.24775189658006,6.344039678573608 +3.0296819112226565,2.6143905529801135,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6143905529801135,2.1266086101531982,2.2048293948173523,0.961727335097942,5.178579544027646,6.128885746002197 +2.689007182039854,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6143905529801135,2.1266086101531982,2.2048293948173523,0.961727335097942,5.178579544027646,6.128885746002197 +2.931782626030616,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6143905529801135,2.1266086101531982,2.2048293948173523,0.961727335097942,5.178579544027646,6.128885746002197 +2.8731517106373685,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6143905529801135,2.1266086101531982,2.2048293948173523,0.961727335097942,5.178579544027646,6.128885746002197 +2.647561325674348,0,2.143319518427262,1.433677077293396,1.640944816172123,0.49031443022033,4.9053282390038175,6.320400714874268,2.6143905529801135,2.1266086101531982,2.2048293948173523,0.961727335097942,5.178579544027646,6.128885746002197 +2.9004365938372256,2.110014949520533,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738 +2.785837581643059,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738 +3.154481165091302,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738 +2.8267364561834447,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738 +3.089739795309795,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738 +2.6812863919083574,2.4063880406125056,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4063880406125056,1.8018969297409058,1.9296451061964035,0.7447101866945307,5.199696143468221,6.482810020446777 +2.8284525275823293,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4063880406125056,1.8018969297409058,1.9296451061964035,0.7447101866945307,5.199696143468221,6.482810020446777 +2.9773822372448224,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4063880406125056,1.8018969297409058,1.9296451061964035,0.7447101866945307,5.199696143468221,6.482810020446777 +2.899204777193006,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4063880406125056,1.8018969297409058,1.9296451061964035,0.7447101866945307,5.199696143468221,6.482810020446777 +2.6381073342907966,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4063880406125056,1.8018969297409058,1.9296451061964035,0.7447101866945307,5.199696143468221,6.482810020446777 +2.8450136963742483,2.875125963962515,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.875125963962515,2.1169233322143555,2.283304587006569,0.9283424349541359,5.9934143871068954,7.312432527542114 +2.9315400977349726,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.875125963962515,2.1169233322143555,2.283304587006569,0.9283424349541359,5.9934143871068954,7.312432527542114 +2.8873208261216035,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.875125963962515,2.1169233322143555,2.283304587006569,0.9283424349541359,5.9934143871068954,7.312432527542114 +2.7541404309181066,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.875125963962515,2.1169233322143555,2.283304587006569,0.9283424349541359,5.9934143871068954,7.312432527542114 +2.9710613257926086,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.875125963962515,2.1169233322143555,2.283304587006569,0.9283424349541359,5.9934143871068954,7.312432527542114 +2.7521228056885203,2.8189970935202395,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8189970935202395,2.114981174468994,2.2920070439577103,1.2049752068012318,5.656379694739978,7.194667100906372 +2.942372751172721,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8189970935202395,2.114981174468994,2.2920070439577103,1.2049752068012318,5.656379694739978,7.194667100906372 +2.9233792164716226,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8189970935202395,2.114981174468994,2.2920070439577103,1.2049752068012318,5.656379694739978,7.194667100906372 +2.86851995906716,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8189970935202395,2.114981174468994,2.2920070439577103,1.2049752068012318,5.656379694739978,7.194667100906372 +2.9203950234093465,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8189970935202395,2.114981174468994,2.2920070439577103,1.2049752068012318,5.656379694739978,7.194667100906372 +2.782181455835265,2.427827292711947,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.427827292711947,1.6471073627471924,1.825337864458561,0.6414197721379868,5.557386924823125,7.09837532043457 +2.8587570027584106,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.427827292711947,1.6471073627471924,1.825337864458561,0.6414197721379868,5.557386924823125,7.09837532043457 +2.916652220293919,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.427827292711947,1.6471073627471924,1.825337864458561,0.6414197721379868,5.557386924823125,7.09837532043457 +2.781615035089637,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.427827292711947,1.6471073627471924,1.825337864458561,0.6414197721379868,5.557386924823125,7.09837532043457 +2.8939883978913885,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.427827292711947,1.6471073627471924,1.825337864458561,0.6414197721379868,5.557386924823125,7.09837532043457 +2.8650325224080198,3.3582878637844353,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.3582878637844353,2.9675509929656982,2.9871289134025574,1.3143369545961947,6.1869189987579984,7.209354639053345 +2.8957820139845105,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.3582878637844353,2.9675509929656982,2.9871289134025574,1.3143369545961947,6.1869189987579984,7.209354639053345 +2.9172586753411065,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.3582878637844353,2.9675509929656982,2.9871289134025574,1.3143369545961947,6.1869189987579984,7.209354639053345 +2.8030849407854386,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.3582878637844353,2.9675509929656982,2.9871289134025574,1.3143369545961947,6.1869189987579984,7.209354639053345 +2.9060659597501832,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.3582878637844353,2.9675509929656982,2.9871289134025574,1.3143369545961947,6.1869189987579984,7.209354639053345 +2.786743655622954,2.5192639058485082,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5192639058485082,1.862040638923645,2.023640215396881,1.0362389461791262,5.032367552320163,6.149896144866943 +2.9924645831793626,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5192639058485082,1.862040638923645,2.023640215396881,1.0362389461791262,5.032367552320163,6.149896144866943 +2.838303654891901,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5192639058485082,1.862040638923645,2.023640215396881,1.0362389461791262,5.032367552320163,6.149896144866943 +2.8161406857937337,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5192639058485082,1.862040638923645,2.023640215396881,1.0362389461791262,5.032367552320163,6.149896144866943 +2.8440182935100653,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5192639058485082,1.862040638923645,2.023640215396881,1.0362389461791262,5.032367552320163,6.149896144866943 +2.931964658180978,2.508071825298339,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.508071825298339,1.7369741201400757,1.8543753027915955,0.7852372470054221,5.53628587226073,6.950896501541138 +2.889547262093749,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.508071825298339,1.7369741201400757,1.8543753027915955,0.7852372470054221,5.53628587226073,6.950896501541138 +2.735568454671918,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.508071825298339,1.7369741201400757,1.8543753027915955,0.7852372470054221,5.53628587226073,6.950896501541138 +3.0773889003445047,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.508071825298339,1.7369741201400757,1.8543753027915955,0.7852372470054221,5.53628587226073,6.950896501541138 +3.0204587315532825,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.508071825298339,1.7369741201400757,1.8543753027915955,0.7852372470054221,5.53628587226073,6.950896501541138 +2.6318636167428853,2.316905711333789,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.316905711333789,1.5922532081604004,1.735978864133358,0.5252235214760963,5.31965246796608,6.536032676696777 +3.2157890159705906,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.316905711333789,1.5922532081604004,1.735978864133358,0.5252235214760963,5.31965246796608,6.536032676696777 +2.965819287659793,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.316905711333789,1.5922532081604004,1.735978864133358,0.5252235214760963,5.31965246796608,6.536032676696777 +3.0845419008788757,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.316905711333789,1.5922532081604004,1.735978864133358,0.5252235214760963,5.31965246796608,6.536032676696777 +2.763544953984038,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.316905711333789,1.5922532081604004,1.735978864133358,0.5252235214760963,5.31965246796608,6.536032676696777 +2.7923107331208588,2.4301382797862847,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4301382797862847,1.844617247581482,1.9252143800258636,0.7784165124943916,5.189322213331859,6.680253028869629 +2.875496270367258,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4301382797862847,1.844617247581482,1.9252143800258636,0.7784165124943916,5.189322213331859,6.680253028869629 +2.7895433744835603,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4301382797862847,1.844617247581482,1.9252143800258636,0.7784165124943916,5.189322213331859,6.680253028869629 +2.648708745481481,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4301382797862847,1.844617247581482,1.9252143800258636,0.7784165124943916,5.189322213331859,6.680253028869629 +2.776445043715463,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.4301382797862847,1.844617247581482,1.9252143800258636,0.7784165124943916,5.189322213331859,6.680253028869629 +2.9782700382113774,2.6941504419942177,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.6941504419942177,2.0428683757781982,2.1831135004758835,0.7892193277465537,5.760111888249715,7.085564613342285 +2.801190153357205,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.6941504419942177,2.0428683757781982,2.1831135004758835,0.7892193277465537,5.760111888249715,7.085564613342285 +3.139734706152181,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.6941504419942177,2.0428683757781982,2.1831135004758835,0.7892193277465537,5.760111888249715,7.085564613342285 +2.767088030808326,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.6941504419942177,2.0428683757781982,2.1831135004758835,0.7892193277465537,5.760111888249715,7.085564613342285 +2.785199101253435,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.6941504419942177,2.0428683757781982,2.1831135004758835,0.7892193277465537,5.760111888249715,7.085564613342285 +2.795282545669958,2.162220400548418,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.162220400548418,1.3931101560592651,1.5802585929632187,0.46552159890849537,5.1551651159922285,6.233568429946899 +2.7511700176552374,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.162220400548418,1.3931101560592651,1.5802585929632187,0.46552159890849537,5.1551651159922285,6.233568429946899 +2.873957956738434,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.162220400548418,1.3931101560592651,1.5802585929632187,0.46552159890849537,5.1551651159922285,6.233568429946899 +2.7569393003137104,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.162220400548418,1.3931101560592651,1.5802585929632187,0.46552159890849537,5.1551651159922285,6.233568429946899 +2.7125657699231445,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.162220400548418,1.3931101560592651,1.5802585929632187,0.46552159890849537,5.1551651159922285,6.233568429946899 +2.7927988075134924,2.948751969331222,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.948751969331222,2.2485532760620117,2.38412968814373,1.1237311483697687,5.919891764720281,7.1168272495269775 +2.8811138749755028,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.948751969331222,2.2485532760620117,2.38412968814373,1.1237311483697687,5.919891764720281,7.1168272495269775 +2.808215874654861,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.948751969331222,2.2485532760620117,2.38412968814373,1.1237311483697687,5.919891764720281,7.1168272495269775 +2.818331705994252,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.948751969331222,2.2485532760620117,2.38412968814373,1.1237311483697687,5.919891764720281,7.1168272495269775 +3.0111583403709394,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.948751969331222,2.2485532760620117,2.38412968814373,1.1237311483697687,5.919891764720281,7.1168272495269775 +2.7795202972797246,2.3225520010940066,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3225520010940066,1.6650691032409668,1.781707152724266,0.7564580534049805,5.04328778386116,6.088559150695801 +2.8934322057652535,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3225520010940066,1.6650691032409668,1.781707152724266,0.7564580534049805,5.04328778386116,6.088559150695801 +2.8797704492663514,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3225520010940066,1.6650691032409668,1.781707152724266,0.7564580534049805,5.04328778386116,6.088559150695801 +3.024546806055766,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3225520010940066,1.6650691032409668,1.781707152724266,0.7564580534049805,5.04328778386116,6.088559150695801 +2.725966622148806,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3225520010940066,1.6650691032409668,1.781707152724266,0.7564580534049805,5.04328778386116,6.088559150695801 +2.7192719432300536,2.700369388255149,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.700369388255149,2.0598509311676025,2.187694489955902,0.7829690572429211,5.680888662735621,6.882681846618652 +2.9010806137631677,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.700369388255149,2.0598509311676025,2.187694489955902,0.7829690572429211,5.680888662735621,6.882681846618652 +2.92673321799511,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.700369388255149,2.0598509311676025,2.187694489955902,0.7829690572429211,5.680888662735621,6.882681846618652 +2.7765243536637065,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.700369388255149,2.0598509311676025,2.187694489955902,0.7829690572429211,5.680888662735621,6.882681846618652 +2.8774450123902975,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.700369388255149,2.0598509311676025,2.187694489955902,0.7829690572429211,5.680888662735621,6.882681846618652 +2.7252204921738854,2.9232964804737356,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.9232964804737356,2.2079734802246094,2.331643223762512,0.7984121005902899,6.208041588465373,8.156389236450195 +2.7032731427398535,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.9232964804737356,2.2079734802246094,2.331643223762512,0.7984121005902899,6.208041588465373,8.156389236450195 +2.710407391585785,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.9232964804737356,2.2079734802246094,2.331643223762512,0.7984121005902899,6.208041588465373,8.156389236450195 +2.932542030489571,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.9232964804737356,2.2079734802246094,2.331643223762512,0.7984121005902899,6.208041588465373,8.156389236450195 +2.9510000923188993,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.9232964804737356,2.2079734802246094,2.331643223762512,0.7984121005902899,6.208041588465373,8.156389236450195 +2.601990671803686,2.5718166623752157,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5718166623752157,1.6374552249908447,1.8426533490419388,0.7105707291592943,6.030896529555321,7.874545097351074 +2.823593456663725,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5718166623752157,1.6374552249908447,1.8426533490419388,0.7105707291592943,6.030896529555321,7.874545097351074 +2.870248954772791,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5718166623752157,1.6374552249908447,1.8426533490419388,0.7105707291592943,6.030896529555321,7.874545097351074 +2.6209588477323793,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5718166623752157,1.6374552249908447,1.8426533490419388,0.7105707291592943,6.030896529555321,7.874545097351074 +2.781986926116583,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5718166623752157,1.6374552249908447,1.8426533490419388,0.7105707291592943,6.030896529555321,7.874545097351074 +2.798256168710142,2.38597455749493,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.38597455749493,1.6956982612609863,1.8615042865276337,0.6997134883670096,5.223384439945221,6.535552263259888 +2.984215893543051,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.38597455749493,1.6956982612609863,1.8615042865276337,0.6997134883670096,5.223384439945221,6.535552263259888 +2.9302741072340734,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.38597455749493,1.6956982612609863,1.8615042865276337,0.6997134883670096,5.223384439945221,6.535552263259888 +2.9084050759515017,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.38597455749493,1.6956982612609863,1.8615042865276337,0.6997134883670096,5.223384439945221,6.535552263259888 +2.7904079238481483,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.38597455749493,1.6956982612609863,1.8615042865276337,0.6997134883670096,5.223384439945221,6.535552263259888 +2.770225319566714,2.3361572931418246,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3361572931418246,1.618703842163086,1.8005408868193626,0.561013750256376,5.3233180691798525,6.784037113189697 +2.8416815610004673,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3361572931418246,1.618703842163086,1.8005408868193626,0.561013750256376,5.3233180691798525,6.784037113189697 +2.895778902131936,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3361572931418246,1.618703842163086,1.8005408868193626,0.561013750256376,5.3233180691798525,6.784037113189697 +2.6650661656371164,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3361572931418246,1.618703842163086,1.8005408868193626,0.561013750256376,5.3233180691798525,6.784037113189697 +2.917069936838169,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3361572931418246,1.618703842163086,1.8005408868193626,0.561013750256376,5.3233180691798525,6.784037113189697 +2.8457009682841896,2.735866999829003,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.735866999829003,2.1134071350097656,2.263895705342293,0.8371008155827827,5.756358101963997,7.097020149230957 +2.8586732654854536,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.735866999829003,2.1134071350097656,2.263895705342293,0.8371008155827827,5.756358101963997,7.097020149230957 +3.124739467821007,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.735866999829003,2.1134071350097656,2.263895705342293,0.8371008155827827,5.756358101963997,7.097020149230957 +2.8507135226848273,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.735866999829003,2.1134071350097656,2.263895705342293,0.8371008155827827,5.756358101963997,7.097020149230957 +2.7607477789137027,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.735866999829003,2.1134071350097656,2.263895705342293,0.8371008155827827,5.756358101963997,7.097020149230957 +2.7898541033979436,2.3778746240036024,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3778746240036024,1.739113450050354,1.851795107126236,0.6522642270998752,5.3216445197661715,6.783660650253296 +3.0038980926419128,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3778746240036024,1.739113450050354,1.851795107126236,0.6522642270998752,5.3216445197661715,6.783660650253296 +2.845955324149258,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3778746240036024,1.739113450050354,1.851795107126236,0.6522642270998752,5.3216445197661715,6.783660650253296 +2.723067837107719,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3778746240036024,1.739113450050354,1.851795107126236,0.6522642270998752,5.3216445197661715,6.783660650253296 +2.965586848398893,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3778746240036024,1.739113450050354,1.851795107126236,0.6522642270998752,5.3216445197661715,6.783660650253296 +2.786266837931122,2.3336243098162854,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3336243098162854,1.7292957305908203,1.7977989464998245,0.56190406610357,5.299792096018791,6.643121004104614 +2.803099866966354,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3336243098162854,1.7292957305908203,1.7977989464998245,0.56190406610357,5.299792096018791,6.643121004104614 +2.8920602171783107,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3336243098162854,1.7292957305908203,1.7977989464998245,0.56190406610357,5.299792096018791,6.643121004104614 +2.832598558748116,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3336243098162854,1.7292957305908203,1.7977989464998245,0.56190406610357,5.299792096018791,6.643121004104614 +2.8364272228484126,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3336243098162854,1.7292957305908203,1.7977989464998245,0.56190406610357,5.299792096018791,6.643121004104614 +2.7977647256274123,2.7450871487874635,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7450871487874635,2.1319398880004883,2.300079509615898,1.0050758484830247,5.552333682775497,6.176698923110962 +2.925255727111819,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7450871487874635,2.1319398880004883,2.300079509615898,1.0050758484830247,5.552333682775497,6.176698923110962 +2.840670193419532,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7450871487874635,2.1319398880004883,2.300079509615898,1.0050758484830247,5.552333682775497,6.176698923110962 +3.3059973729976924,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7450871487874635,2.1319398880004883,2.300079509615898,1.0050758484830247,5.552333682775497,6.176698923110962 +2.957381144857691,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7450871487874635,2.1319398880004883,2.300079509615898,1.0050758484830247,5.552333682775497,6.176698923110962 +2.759846785814756,2.3022107250637407,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3022107250637407,1.571718692779541,1.7400517165660858,0.49532884850781017,5.343738739689191,6.336900234222412 +2.9172080598514656,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3022107250637407,1.571718692779541,1.7400517165660858,0.49532884850781017,5.343738739689191,6.336900234222412 +2.7278230807469757,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3022107250637407,1.571718692779541,1.7400517165660858,0.49532884850781017,5.343738739689191,6.336900234222412 +2.824380712756586,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3022107250637407,1.571718692779541,1.7400517165660858,0.49532884850781017,5.343738739689191,6.336900234222412 +2.9354809441205996,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3022107250637407,1.571718692779541,1.7400517165660858,0.49532884850781017,5.343738739689191,6.336900234222412 +2.8289469225376607,2.701702086791318,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.701702086791318,1.9804086685180664,2.1205159574747086,0.8616234092636311,5.80406700571378,7.444265127182007 +2.7582740670845745,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.701702086791318,1.9804086685180664,2.1205159574747086,0.8616234092636311,5.80406700571378,7.444265127182007 +2.803496358308457,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.701702086791318,1.9804086685180664,2.1205159574747086,0.8616234092636311,5.80406700571378,7.444265127182007 +2.934470270115596,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.701702086791318,1.9804086685180664,2.1205159574747086,0.8616234092636311,5.80406700571378,7.444265127182007 +2.897832535167746,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.701702086791318,1.9804086685180664,2.1205159574747086,0.8616234092636311,5.80406700571378,7.444265127182007 +2.8547218702041817,2.450421631726295,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.450421631726295,1.932088017463684,2.015817165374756,0.7215758666713187,5.0964150577783585,5.876036882400513 +3.0336826600984175,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.450421631726295,1.932088017463684,2.015817165374756,0.7215758666713187,5.0964150577783585,5.876036882400513 +2.772781106398814,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.450421631726295,1.932088017463684,2.015817165374756,0.7215758666713187,5.0964150577783585,5.876036882400513 +2.810249065767865,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.450421631726295,1.932088017463684,2.015817165374756,0.7215758666713187,5.0964150577783585,5.876036882400513 +2.716379523455148,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.450421631726295,1.932088017463684,2.015817165374756,0.7215758666713187,5.0964150577783585,5.876036882400513 +3.077838179682547,2.5944695739143806,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5944695739143806,1.9367419481277466,2.115739166736603,0.9413338130775918,5.332270845770836,6.500797510147095 +2.9535564833792516,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5944695739143806,1.9367419481277466,2.115739166736603,0.9413338130775918,5.332270845770836,6.500797510147095 +2.954938482008973,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5944695739143806,1.9367419481277466,2.115739166736603,0.9413338130775918,5.332270845770836,6.500797510147095 +2.7801388673266936,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5944695739143806,1.9367419481277466,2.115739166736603,0.9413338130775918,5.332270845770836,6.500797510147095 +2.7339254521841396,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.5944695739143806,1.9367419481277466,2.115739166736603,0.9413338130775918,5.332270845770836,6.500797510147095 +2.974255449694411,2.3642740097111434,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3642740097111434,1.3949350118637085,1.7130209431052208,0.47710445856160305,5.652545536557834,7.281148672103882 +3.0786776193257035,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3642740097111434,1.3949350118637085,1.7130209431052208,0.47710445856160305,5.652545536557834,7.281148672103882 +2.935490814677442,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3642740097111434,1.3949350118637085,1.7130209431052208,0.47710445856160305,5.652545536557834,7.281148672103882 +2.789095121112205,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3642740097111434,1.3949350118637085,1.7130209431052208,0.47710445856160305,5.652545536557834,7.281148672103882 +2.9509779670984737,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.3642740097111434,1.3949350118637085,1.7130209431052208,0.47710445856160305,5.652545536557834,7.281148672103882 +2.9762519869153,2.599183171480426,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.599183171480426,1.8372820615768433,2.100003182888031,0.6218946320896453,5.819978003700574,7.0499653816223145 +2.74267348417869,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.599183171480426,1.8372820615768433,2.100003182888031,0.6218946320896453,5.819978003700574,7.0499653816223145 +2.750086005549848,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.599183171480426,1.8372820615768433,2.100003182888031,0.6218946320896453,5.819978003700574,7.0499653816223145 +2.743562859628814,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.599183171480426,1.8372820615768433,2.100003182888031,0.6218946320896453,5.819978003700574,7.0499653816223145 +2.737423369201488,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.599183171480426,1.8372820615768433,2.100003182888031,0.6218946320896453,5.819978003700574,7.0499653816223145 +2.753064919964704,2.7947534790057786,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7947534790057786,2.0501363277435303,2.2651207894086838,1.0793057879868975,5.773658931255341,7.181829214096069 +3.0088686442659767,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7947534790057786,2.0501363277435303,2.2651207894086838,1.0793057879868975,5.773658931255341,7.181829214096069 +2.6986696900953033,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7947534790057786,2.0501363277435303,2.2651207894086838,1.0793057879868975,5.773658931255341,7.181829214096069 +2.9067781282198526,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7947534790057786,2.0501363277435303,2.2651207894086838,1.0793057879868975,5.773658931255341,7.181829214096069 +3.0557395022174725,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.7947534790057786,2.0501363277435303,2.2651207894086838,1.0793057879868975,5.773658931255341,7.181829214096069 +2.989217862289211,3.2948373347832893,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.2948373347832893,2.834001302719116,2.9401457607746124,1.1166100949048996,6.37799874941508,7.7684924602508545 +2.7857594099933336,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.2948373347832893,2.834001302719116,2.9401457607746124,1.1166100949048996,6.37799874941508,7.7684924602508545 +2.93635475947781,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.2948373347832893,2.834001302719116,2.9401457607746124,1.1166100949048996,6.37799874941508,7.7684924602508545 +2.7999577991842277,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.2948373347832893,2.834001302719116,2.9401457607746124,1.1166100949048996,6.37799874941508,7.7684924602508545 +2.90720988877256,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.2948373347832893,2.834001302719116,2.9401457607746124,1.1166100949048996,6.37799874941508,7.7684924602508545 +2.792565983391567,2.2190725778019864,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.2190725778019864,1.518782138824463,1.71945271641016,0.5176027922871265,5.076349799831708,6.595706939697266 +2.613893423595068,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.2190725778019864,1.518782138824463,1.71945271641016,0.5176027922871265,5.076349799831708,6.595706939697266 +2.886767370987002,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.2190725778019864,1.518782138824463,1.71945271641016,0.5176027922871265,5.076349799831708,6.595706939697266 +2.825309471916457,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.2190725778019864,1.518782138824463,1.71945271641016,0.5176027922871265,5.076349799831708,6.595706939697266 +2.693402559632332,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.2190725778019864,1.518782138824463,1.71945271641016,0.5176027922871265,5.076349799831708,6.595706939697266 +2.7493659660259673,2.834472649891651,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.834472649891651,2.3490207195281982,2.4040106385946274,0.9188172229109927,5.6637794723113375,7.023442029953003 +2.817595252525111,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.834472649891651,2.3490207195281982,2.4040106385946274,0.9188172229109927,5.6637794723113375,7.023442029953003 +2.856702343479234,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.834472649891651,2.3490207195281982,2.4040106385946274,0.9188172229109927,5.6637794723113375,7.023442029953003 +2.861147149922993,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.834472649891651,2.3490207195281982,2.4040106385946274,0.9188172229109927,5.6637794723113375,7.023442029953003 +2.858045669089736,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.834472649891651,2.3490207195281982,2.4040106385946274,0.9188172229109927,5.6637794723113375,7.023442029953003 +3.013601487467871,2.1155808457607375,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.1155808457607375,1.4448264837265015,1.5935154259204865,0.4728833089800591,4.961290871103604,6.191843748092651 +2.7582325125286054,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.1155808457607375,1.4448264837265015,1.5935154259204865,0.4728833089800591,4.961290871103604,6.191843748092651 +2.888882825916895,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.1155808457607375,1.4448264837265015,1.5935154259204865,0.4728833089800591,4.961290871103604,6.191843748092651 +3.0998371756717127,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.1155808457607375,1.4448264837265015,1.5935154259204865,0.4728833089800591,4.961290871103604,6.191843748092651 +2.8889689557946014,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.1155808457607375,1.4448264837265015,1.5935154259204865,0.4728833089800591,4.961290871103604,6.191843748092651 +2.898604624052421,3.4007785168929874,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.4007785168929874,2.827501058578491,2.9072766453027725,1.1622413111493943,6.66877806186676,7.863524436950684 +2.866307100622028,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.4007785168929874,2.827501058578491,2.9072766453027725,1.1622413111493943,6.66877806186676,7.863524436950684 +3.008719724669697,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.4007785168929874,2.827501058578491,2.9072766453027725,1.1622413111493943,6.66877806186676,7.863524436950684 +2.7420552474315665,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.4007785168929874,2.827501058578491,2.9072766453027725,1.1622413111493943,6.66877806186676,7.863524436950684 +2.7819655315273635,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,3.4007785168929874,2.827501058578491,2.9072766453027725,1.1622413111493943,6.66877806186676,7.863524436950684 +2.807576022192401,2.129392811843238,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.129392811843238,1.4338136911392212,1.5873077809810638,0.5012870028297952,4.892657582958539,6.012928247451782 +2.9049598533926972,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.129392811843238,1.4338136911392212,1.5873077809810638,0.5012870028297952,4.892657582958539,6.012928247451782 +2.778689561970038,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.129392811843238,1.4338136911392212,1.5873077809810638,0.5012870028297952,4.892657582958539,6.012928247451782 +2.7397678771132816,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.129392811843238,1.4338136911392212,1.5873077809810638,0.5012870028297952,4.892657582958539,6.012928247451782 +2.747158108046896,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.129392811843238,1.4338136911392212,1.5873077809810638,0.5012870028297952,4.892657582958539,6.012928247451782 +2.8861064616422754,2.8933259002591303,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8933259002591303,2.3337230682373047,2.4001717269420624,0.8084227342871909,5.8490350643793745,7.029445648193359 +2.8250316014656653,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8933259002591303,2.3337230682373047,2.4001717269420624,0.8084227342871909,5.8490350643793745,7.029445648193359 +2.7933952502649406,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8933259002591303,2.3337230682373047,2.4001717269420624,0.8084227342871909,5.8490350643793745,7.029445648193359 +2.660281113628051,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8933259002591303,2.3337230682373047,2.4001717269420624,0.8084227342871909,5.8490350643793745,7.029445648193359 +2.62026227698402,0,2.110014949520533,1.5364603996276855,1.6613058522343636,0.43097112803383075,4.868866756558418,5.887372016906738,2.8933259002591303,2.3337230682373047,2.4001717269420624,0.8084227342871909,5.8490350643793745,7.029445648193359 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_1/model.pth b/MiAlgo/trained_models/fc4_cwp/fold_1/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..54ceb708d17e9cc4c2df21cc75c17bfc78b6edcf --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_1/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22f5760c9935f9a1010c9eecb7de6fc3f25d3dacf1bdd1d999d92eb08cff9d48 +size 6839487 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_1/network.txt b/MiAlgo/trained_models/fc4_cwp/fold_1/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..1ed85bb2dd441f8f2138348e3d7649534b5504c9 --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_1/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 4, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/trained_models/fc4_cwp/fold_2/metrics.csv b/MiAlgo/trained_models/fc4_cwp/fold_2/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..94ef0ace09a3a7d41084172b92b5a7dba373f38a --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_2/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +14.189768465177009,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.977251855950607,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.307987012125944,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.61691924176718,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.983711507445888,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.514063493201608,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.612711086084968,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.899859278609878,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.855973854504134,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.393897537494961,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.30861827746818,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.67956184242901,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.813531092750399,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.576286173180529,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.930091206650985,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.275902015598197,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.597353015761627,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.99844986051321,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.366524708271026,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.300249531708266,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.33747383395308,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.665419337467144,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.719521613968046,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.138054839404006,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.226182338438536,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.674753778231771,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.228558797585336,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.144531243725828,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.790960237932833,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.524471088145908,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.894729757465814,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.862619484764965,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.826205543624727,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.216535023717503,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.672220228455569,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.62439817284283,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.968260735194933,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.6374662852601,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.293193775415421,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.477345907374433,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.56608058261244,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.642308996539366,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.720099200700458,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.683859407980192,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.271617858033432,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.285527818140231,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.640928987296004,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.629572450173528,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.130920778665887,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.784432427036135,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.651941040942543,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.520685146513738,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.55343545722334,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.045487699853746,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.862647425344116,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.28890493974874,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.565789338162071,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.852512857788488,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.55824632652496,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.004950933236826,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.656591671234683,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.879941696634418,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.696274224394246,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.384324309072996,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.463335826404785,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.242588534010084,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.454942901354087,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.45354743066587,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.51410683158197,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.774911921118434,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.375913432083632,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.453949807819567,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.463889776719244,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.783816474519277,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.634470113484483,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.569729096638529,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.652483848051022,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.939014444696276,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.839261784286876,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.565183264879805,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.745944288843557,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.227052040319693,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.162675078762206,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.563816300505087,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.599484728512012,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.107777450900329,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.798159102703396,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.54676220213112,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.374873480357621,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.55232911753027,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.13590750345274,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.972797624766827,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.486607646157868,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.919960448851711,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.744834266838275,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.219725715016065,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.501387439981887,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.521301532183823,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.990537858283833,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.543839328539999,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.918181674103987,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.247632367987382,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.21990640222242,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.931512007666262,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.109667919380101,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.439353770017624,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.287539675106343,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.988343496855936,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.95000071015797,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.51503211063774,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.324032972204058,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.226305118830581,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.334753836612952,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.312677737756779,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.756416976451874,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.254704892713773,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.570089805439899,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.492226913414504,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.394743742754585,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.25592906977001,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.639474303157707,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.423064007884578,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.315667962400537,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.846148924451125,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.37819048734872,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.384589558212381,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.546045069318069,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.596199056819865,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.596747918819126,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.524369615159536,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.562565797332086,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.684273922835526,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.66362569881113,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.223620620840475,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.191384865421998,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.05168362197123,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.600162172552787,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.902209881026494,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.451785919383953,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.05175912878231,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.770946469902992,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.26046593063756,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.733332839765048,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.321071053413968,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.248849414053716,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.432258438436609,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.387261885247732,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.391485895138038,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.595604245913655,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.734126164724952,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.388702452025916,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.722690562707813,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.562826679882251,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.347371533434641,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.40531206640758,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.545669499980775,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.904494044968956,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.813781786906091,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.556392167116467,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.529612012599644,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.465047533731711,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.391924115544871,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.854950215471419,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.682370959771307,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.319379647703547,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.536317854178579,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.196096205672152,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.791925347949329,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.880806071193595,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.644816763385347,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.622154799103736,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.75533958814646,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.441812416283708,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.56596936332552,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.502710834380828,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.681524969715822,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.730142468684598,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.708673149347305,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.322468581952547,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.805101875411836,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.566358611771935,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.713199094094728,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.237082147519839,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.279963875287457,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.82199838867313,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.529639697388598,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.720116765953993,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.417082216865138,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.641648493511113,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.337474933580348,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.658193387797004,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.84570590414499,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +13.025680008060053,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.454862746988471,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.0669156747429,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.610007317442642,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.493289970567352,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.843998837784717,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.387048266984914,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.45086705763089,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.149623682938124,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.496134413386645,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.685844114579652,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.715752204703657,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.401269127899095,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.625334365509058,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.574487821522512,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.238018619543627,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.521920610729017,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.953223015289558,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.625204129360224,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.671708703394,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.445098162638514,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.16160793508354,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +12.159312252308194,0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0,90.0 +11.791635517227022,14.73943092467937,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654 +11.605279447452018,0,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654 +11.532504788197969,0,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654 +10.537488438581166,0,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654 +10.472035886896284,0,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654,14.73943092467937,15.383559226989746,15.140166997909546,11.002216886966787,17.52866582667574,17.765884971618654 +10.659634888799568,10.435533846312381,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535 +10.442422688007355,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535 +10.352084907418803,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535 +10.304227167838498,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535 +10.153176573311027,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535 +10.179592076689005,11.06961136232031,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,11.06961136232031,11.741155624389648,11.453627288341522,5.862074063179341,15.41939702947089,16.265870094299316 +9.544964513417922,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,11.06961136232031,11.741155624389648,11.453627288341522,5.862074063179341,15.41939702947089,16.265870094299316 +9.535881904238149,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,11.06961136232031,11.741155624389648,11.453627288341522,5.862074063179341,15.41939702947089,16.265870094299316 +9.418228313169982,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,11.06961136232031,11.741155624389648,11.453627288341522,5.862074063179341,15.41939702947089,16.265870094299316 +9.440310858817478,0,10.435533846312381,11.006467342376709,10.83348137140274,6.084379614667689,13.807626298133362,14.313866090774535,11.06961136232031,11.741155624389648,11.453627288341522,5.862074063179341,15.41939702947089,16.265870094299316 +9.80842815072913,10.274573261750506,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024 +9.375663020893148,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024 +9.731424977277454,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024 +9.63923006920438,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024 +9.286312662535591,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024 +8.940606626868249,12.433443627458937,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,12.433443627458937,13.060264587402344,12.73517382144928,7.268548052361671,16.805880181332853,18.336456966400153 +8.482250487235817,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,12.433443627458937,13.060264587402344,12.73517382144928,7.268548052361671,16.805880181332853,18.336456966400153 +8.176000205701904,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,12.433443627458937,13.060264587402344,12.73517382144928,7.268548052361671,16.805880181332853,18.336456966400153 +8.50053740198675,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,12.433443627458937,13.060264587402344,12.73517382144928,7.268548052361671,16.805880181332853,18.336456966400153 +8.626483598508333,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,12.433443627458937,13.060264587402344,12.73517382144928,7.268548052361671,16.805880181332853,18.336456966400153 +8.574918610916326,13.947242174693878,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,13.947242174693878,13.947847366333008,13.516189694404602,6.561061233916181,21.88284934835231,18.760974884033203 +8.369344821003708,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,13.947242174693878,13.947847366333008,13.516189694404602,6.561061233916181,21.88284934835231,18.760974884033203 +7.4615912669583375,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,13.947242174693878,13.947847366333008,13.516189694404602,6.561061233916181,21.88284934835231,18.760974884033203 +7.625076252927905,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,13.947242174693878,13.947847366333008,13.516189694404602,6.561061233916181,21.88284934835231,18.760974884033203 +7.464439767461858,0,10.274573261750506,11.224529266357422,10.923598617315292,4.226442627450253,15.123488608826982,16.499561214447024,13.947242174693878,13.947847366333008,13.516189694404602,6.561061233916181,21.88284934835231,18.760974884033203 +7.472313651128819,8.60043304936683,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651 +6.995031780161356,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651 +6.905648044928124,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651 +6.480737756545606,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651 +6.507761488541177,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651 +6.63050026262277,10.547900811154792,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,10.547900811154792,11.299458980560303,10.980620712041855,4.34826086937113,15.67886328189931,16.630940341949465 +6.099940682241791,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,10.547900811154792,11.299458980560303,10.980620712041855,4.34826086937113,15.67886328189931,16.630940341949465 +6.258323678452718,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,10.547900811154792,11.299458980560303,10.980620712041855,4.34826086937113,15.67886328189931,16.630940341949465 +6.408267573306435,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,10.547900811154792,11.299458980560303,10.980620712041855,4.34826086937113,15.67886328189931,16.630940341949465 +6.364433179717315,0,8.60043304936683,8.909413814544678,8.720463871955872,3.584505564354836,13.200375049672228,14.581523227691651,10.547900811154792,11.299458980560303,10.980620712041855,4.34826086937113,15.67886328189931,16.630940341949465 +5.8672579726890515,7.439670122803209,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746 +6.23911487542485,0,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746 +6.255702494947534,0,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746 +6.086097001147113,0,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746 +6.0100330176322085,0,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746,7.439670122803209,7.645064115524292,7.607098609209061,3.7457670003492782,10.918503436636417,11.795712900161746 +6.07428164529173,5.683487263290172,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437 +5.904766057353271,0,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437 +6.181684672283499,0,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437 +5.884750749955052,0,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437 +5.656994656787107,0,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437,5.683487263290172,5.148064374923706,5.292651176452637,2.441671833713004,9.82739963937313,10.923495483398437 +6.24799260889229,4.346128585490774,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139 +5.596993776332391,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139 +5.424296139259088,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139 +6.335309429015768,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139 +5.677175308803195,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139 +5.602898421765942,5.319688141663024,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,5.319688141663024,5.109407663345337,5.143686354160309,2.2822600488967084,8.761268128740026,10.434585905075075 +5.773977393931464,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,5.319688141663024,5.109407663345337,5.143686354160309,2.2822600488967084,8.761268128740026,10.434585905075075 +6.270670340641549,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,5.319688141663024,5.109407663345337,5.143686354160309,2.2822600488967084,8.761268128740026,10.434585905075075 +5.4804218391250625,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,5.319688141663024,5.109407663345337,5.143686354160309,2.2822600488967084,8.761268128740026,10.434585905075075 +5.641751670837403,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,5.319688141663024,5.109407663345337,5.143686354160309,2.2822600488967084,8.761268128740026,10.434585905075075 +5.812573783256505,4.773509562808148,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.773509562808148,4.44101357460022,4.533003285527229,1.9184629593757874,8.111431284153715,9.234801530838013 +5.801926732729925,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.773509562808148,4.44101357460022,4.533003285527229,1.9184629593757874,8.111431284153715,9.234801530838013 +5.461674795260555,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.773509562808148,4.44101357460022,4.533003285527229,1.9184629593757874,8.111431284153715,9.234801530838013 +5.704363841445822,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.773509562808148,4.44101357460022,4.533003285527229,1.9184629593757874,8.111431284153715,9.234801530838013 +5.877600854478384,0,4.346128585490774,3.71064293384552,3.945741057395935,1.612437958412982,8.140462459401881,9.763041448593139,4.773509562808148,4.44101357460022,4.533003285527229,1.9184629593757874,8.111431284153715,9.234801530838013 +5.642645065486431,4.216343035961085,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143 +5.806357384002522,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143 +5.579266588311446,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143 +5.923788957376229,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143 +5.540172253705953,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143 +5.441970304478156,5.713911558243822,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.713911558243822,5.463223218917847,5.512412220239639,2.293608617909411,9.616944495667802,11.053713893890382 +5.741517294198275,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.713911558243822,5.463223218917847,5.512412220239639,2.293608617909411,9.616944495667802,11.053713893890382 +5.623850340023637,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.713911558243822,5.463223218917847,5.512412220239639,2.293608617909411,9.616944495667802,11.053713893890382 +5.5512657740398454,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.713911558243822,5.463223218917847,5.512412220239639,2.293608617909411,9.616944495667802,11.053713893890382 +5.377068980175413,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.713911558243822,5.463223218917847,5.512412220239639,2.293608617909411,9.616944495667802,11.053713893890382 +5.457508629874179,5.509812425742758,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.509812425742758,5.054105043411255,5.126204177737236,2.3299092422140406,9.677714205802754,10.783270406723023 +5.783826740242933,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.509812425742758,5.054105043411255,5.126204177737236,2.3299092422140406,9.677714205802754,10.783270406723023 +5.32177477949544,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.509812425742758,5.054105043411255,5.126204177737236,2.3299092422140406,9.677714205802754,10.783270406723023 +5.396066472993085,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.509812425742758,5.054105043411255,5.126204177737236,2.3299092422140406,9.677714205802754,10.783270406723023 +5.19323857367823,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.509812425742758,5.054105043411255,5.126204177737236,2.3299092422140406,9.677714205802754,10.783270406723023 +5.561084370628784,6.60399010333609,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.60399010333609,6.24186635017395,6.246372014284134,2.5056390356510243,11.444743785452335,13.133522510528564 +5.673814556865316,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.60399010333609,6.24186635017395,6.246372014284134,2.5056390356510243,11.444743785452335,13.133522510528564 +5.638470360832779,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.60399010333609,6.24186635017395,6.246372014284134,2.5056390356510243,11.444743785452335,13.133522510528564 +5.22092995690672,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.60399010333609,6.24186635017395,6.246372014284134,2.5056390356510243,11.444743785452335,13.133522510528564 +5.583446194937355,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.60399010333609,6.24186635017395,6.246372014284134,2.5056390356510243,11.444743785452335,13.133522510528564 +5.694114651021205,5.270396591183987,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.270396591183987,4.671273946762085,4.79322549700737,1.7086389610107908,9.76006612371891,12.46451930999756 +5.470555707890736,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.270396591183987,4.671273946762085,4.79322549700737,1.7086389610107908,9.76006612371891,12.46451930999756 +5.814262582753834,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.270396591183987,4.671273946762085,4.79322549700737,1.7086389610107908,9.76006612371891,12.46451930999756 +5.421328719195567,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.270396591183987,4.671273946762085,4.79322549700737,1.7086389610107908,9.76006612371891,12.46451930999756 +5.57350487595326,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.270396591183987,4.671273946762085,4.79322549700737,1.7086389610107908,9.76006612371891,12.46451930999756 +5.215913070150112,8.116859605971802,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.116859605971802,8.023211479187012,8.00622272491455,3.7695079357066055,12.72275622347568,13.977677345275879 +5.39884962745403,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.116859605971802,8.023211479187012,8.00622272491455,3.7695079357066055,12.72275622347568,13.977677345275879 +5.478355500337325,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.116859605971802,8.023211479187012,8.00622272491455,3.7695079357066055,12.72275622347568,13.977677345275879 +5.335319221019745,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.116859605971802,8.023211479187012,8.00622272491455,3.7695079357066055,12.72275622347568,13.977677345275879 +5.2078380954893015,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.116859605971802,8.023211479187012,8.00622272491455,3.7695079357066055,12.72275622347568,13.977677345275879 +5.236031138818515,7.182686412905125,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.182686412905125,6.661571741104126,6.690388798713684,3.5983873643773667,11.666439543379115,13.638642215728764 +5.290096089243889,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.182686412905125,6.661571741104126,6.690388798713684,3.5983873643773667,11.666439543379115,13.638642215728764 +5.4361330650354684,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.182686412905125,6.661571741104126,6.690388798713684,3.5983873643773667,11.666439543379115,13.638642215728764 +4.906866405394516,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.182686412905125,6.661571741104126,6.690388798713684,3.5983873643773667,11.666439543379115,13.638642215728764 +5.210480496522627,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.182686412905125,6.661571741104126,6.690388798713684,3.5983873643773667,11.666439543379115,13.638642215728764 +4.768914020649697,6.7871207360257495,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7871207360257495,6.591328144073486,6.616679936647415,2.928235797171897,11.13410787379488,12.711554622650148 +4.939456215500831,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7871207360257495,6.591328144073486,6.616679936647415,2.928235797171897,11.13410787379488,12.711554622650148 +5.299963460078365,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7871207360257495,6.591328144073486,6.616679936647415,2.928235797171897,11.13410787379488,12.711554622650148 +5.246856450818871,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7871207360257495,6.591328144073486,6.616679936647415,2.928235797171897,11.13410787379488,12.711554622650148 +4.887426473200321,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7871207360257495,6.591328144073486,6.616679936647415,2.928235797171897,11.13410787379488,12.711554622650148 +5.291093477371492,7.556989520471147,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.556989520471147,7.201135158538818,7.388275504112244,3.628639668860334,11.786950192552931,12.670975780487062 +5.312221371578543,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.556989520471147,7.201135158538818,7.388275504112244,3.628639668860334,11.786950192552931,12.670975780487062 +4.8988862737621135,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.556989520471147,7.201135158538818,7.388275504112244,3.628639668860334,11.786950192552931,12.670975780487062 +5.099683532510933,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.556989520471147,7.201135158538818,7.388275504112244,3.628639668860334,11.786950192552931,12.670975780487062 +5.049996432191447,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.556989520471147,7.201135158538818,7.388275504112244,3.628639668860334,11.786950192552931,12.670975780487062 +5.139809165600884,6.654894703246177,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.654894703246177,6.304405927658081,6.378762632608414,3.4692025742632278,10.303324110964512,11.028768253326417 +4.736198203716623,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.654894703246177,6.304405927658081,6.378762632608414,3.4692025742632278,10.303324110964512,11.028768253326417 +5.071283571265246,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.654894703246177,6.304405927658081,6.378762632608414,3.4692025742632278,10.303324110964512,11.028768253326417 +4.900651222624277,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.654894703246177,6.304405927658081,6.378762632608414,3.4692025742632278,10.303324110964512,11.028768253326417 +4.964072548715692,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.654894703246177,6.304405927658081,6.378762632608414,3.4692025742632278,10.303324110964512,11.028768253326417 +4.9749875681964975,8.290535302872353,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.290535302872353,8.171397686004639,8.210649251937866,4.040240247198876,12.77487907003849,13.889199352264406 +5.190613513361466,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.290535302872353,8.171397686004639,8.210649251937866,4.040240247198876,12.77487907003849,13.889199352264406 +5.071683739988427,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.290535302872353,8.171397686004639,8.210649251937866,4.040240247198876,12.77487907003849,13.889199352264406 +5.018984278624779,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.290535302872353,8.171397686004639,8.210649251937866,4.040240247198876,12.77487907003849,13.889199352264406 +4.983230102611215,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.290535302872353,8.171397686004639,8.210649251937866,4.040240247198876,12.77487907003849,13.889199352264406 +5.220691141643022,7.643168752497815,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.643168752497815,7.342271089553833,7.4042752385139465,4.069888728730222,11.597316214378845,12.278811883926393 +5.099106620487414,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.643168752497815,7.342271089553833,7.4042752385139465,4.069888728730222,11.597316214378845,12.278811883926393 +5.05722752244849,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.643168752497815,7.342271089553833,7.4042752385139465,4.069888728730222,11.597316214378845,12.278811883926393 +4.986208382405732,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.643168752497815,7.342271089553833,7.4042752385139465,4.069888728730222,11.597316214378845,12.278811883926393 +4.804594569594452,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.643168752497815,7.342271089553833,7.4042752385139465,4.069888728730222,11.597316214378845,12.278811883926393 +4.648509590406167,8.829074057492804,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.829074057492804,8.43208646774292,8.534362435340881,4.8954168253756585,13.416103748565025,15.361534070968629 +4.994092773155947,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.829074057492804,8.43208646774292,8.534362435340881,4.8954168253756585,13.416103748565025,15.361534070968629 +4.8652954662316725,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.829074057492804,8.43208646774292,8.534362435340881,4.8954168253756585,13.416103748565025,15.361534070968629 +4.960246724204013,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.829074057492804,8.43208646774292,8.534362435340881,4.8954168253756585,13.416103748565025,15.361534070968629 +4.684218382247185,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.829074057492804,8.43208646774292,8.534362435340881,4.8954168253756585,13.416103748565025,15.361534070968629 +4.7724653771049095,6.172685690382694,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.172685690382694,5.697048187255859,5.7912547290325165,2.9184863973171153,10.257736601728075,11.836195135116578 +5.131184673623035,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.172685690382694,5.697048187255859,5.7912547290325165,2.9184863973171153,10.257736601728075,11.836195135116578 +5.030996157072092,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.172685690382694,5.697048187255859,5.7912547290325165,2.9184863973171153,10.257736601728075,11.836195135116578 +5.020955544631732,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.172685690382694,5.697048187255859,5.7912547290325165,2.9184863973171153,10.257736601728075,11.836195135116578 +4.862447700845568,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.172685690382694,5.697048187255859,5.7912547290325165,2.9184863973171153,10.257736601728075,11.836195135116578 +4.65950776609151,6.92382249664119,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.92382249664119,6.716310739517212,6.728608161211014,3.1516550240364483,11.183148465258009,13.028128671646119 +4.785934205039552,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.92382249664119,6.716310739517212,6.728608161211014,3.1516550240364483,11.183148465258009,13.028128671646119 +5.085503374432262,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.92382249664119,6.716310739517212,6.728608161211014,3.1516550240364483,11.183148465258009,13.028128671646119 +5.091626631782243,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.92382249664119,6.716310739517212,6.728608161211014,3.1516550240364483,11.183148465258009,13.028128671646119 +4.447662461686291,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.92382249664119,6.716310739517212,6.728608161211014,3.1516550240364483,11.183148465258009,13.028128671646119 +4.679392694897557,6.907721004270493,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.907721004270493,6.394995212554932,6.399712920188904,3.6415802963236543,11.09913207115011,13.208768320083621 +4.623084356576989,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.907721004270493,6.394995212554932,6.399712920188904,3.6415802963236543,11.09913207115011,13.208768320083621 +4.909864378896983,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.907721004270493,6.394995212554932,6.399712920188904,3.6415802963236543,11.09913207115011,13.208768320083621 +4.637346118610156,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.907721004270493,6.394995212554932,6.399712920188904,3.6415802963236543,11.09913207115011,13.208768320083621 +4.704665185667967,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.907721004270493,6.394995212554932,6.399712920188904,3.6415802963236543,11.09913207115011,13.208768320083621 +5.094064230079714,6.150858755441422,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.150858755441422,5.796330451965332,5.776497572660446,3.4577766606148255,9.761068141206781,12.583828973770142 +5.188513540084425,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.150858755441422,5.796330451965332,5.776497572660446,3.4577766606148255,9.761068141206781,12.583828973770142 +5.095725932717324,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.150858755441422,5.796330451965332,5.776497572660446,3.4577766606148255,9.761068141206781,12.583828973770142 +5.0914866340003515,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.150858755441422,5.796330451965332,5.776497572660446,3.4577766606148255,9.761068141206781,12.583828973770142 +5.109654524138099,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.150858755441422,5.796330451965332,5.776497572660446,3.4577766606148255,9.761068141206781,12.583828973770142 +4.594541898507036,6.511253585523748,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.511253585523748,5.981580972671509,6.034738063812256,3.035912880238066,10.911941325410883,13.969683361053466 +5.136056835106329,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.511253585523748,5.981580972671509,6.034738063812256,3.035912880238066,10.911941325410883,13.969683361053466 +4.83294187227362,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.511253585523748,5.981580972671509,6.034738063812256,3.035912880238066,10.911941325410883,13.969683361053466 +4.7294116674285185,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.511253585523748,5.981580972671509,6.034738063812256,3.035912880238066,10.911941325410883,13.969683361053466 +4.7604343795854795,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.511253585523748,5.981580972671509,6.034738063812256,3.035912880238066,10.911941325410883,13.969683361053466 +4.983104406963838,6.467383936840169,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.467383936840169,5.749377012252808,5.8242771327495575,2.8456571628438665,11.413745738090352,15.657455921173096 +4.919300328979367,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.467383936840169,5.749377012252808,5.8242771327495575,2.8456571628438665,11.413745738090352,15.657455921173096 +4.939036806515957,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.467383936840169,5.749377012252808,5.8242771327495575,2.8456571628438665,11.413745738090352,15.657455921173096 +5.074836146615838,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.467383936840169,5.749377012252808,5.8242771327495575,2.8456571628438665,11.413745738090352,15.657455921173096 +4.924192586619603,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.467383936840169,5.749377012252808,5.8242771327495575,2.8456571628438665,11.413745738090352,15.657455921173096 +4.412218892966446,8.455197338094102,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.455197338094102,8.264873504638672,8.219771981239319,4.50895031969598,12.71774302137659,15.080685472488405 +4.7666337271073935,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.455197338094102,8.264873504638672,8.219771981239319,4.50895031969598,12.71774302137659,15.080685472488405 +4.950558449994577,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.455197338094102,8.264873504638672,8.219771981239319,4.50895031969598,12.71774302137659,15.080685472488405 +4.759995154487459,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.455197338094102,8.264873504638672,8.219771981239319,4.50895031969598,12.71774302137659,15.080685472488405 +4.672794707433174,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,8.455197338094102,8.264873504638672,8.219771981239319,4.50895031969598,12.71774302137659,15.080685472488405 +5.009155520796776,5.61765879979159,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.61765879979159,4.035190582275391,4.48280294239521,1.6052128437985764,12.517923172484053,15.850708770751954 +4.833922771874227,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.61765879979159,4.035190582275391,4.48280294239521,1.6052128437985764,12.517923172484053,15.850708770751954 +5.056230541161801,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.61765879979159,4.035190582275391,4.48280294239521,1.6052128437985764,12.517923172484053,15.850708770751954 +4.76130405095847,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.61765879979159,4.035190582275391,4.48280294239521,1.6052128437985764,12.517923172484053,15.850708770751954 +4.753912103529039,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.61765879979159,4.035190582275391,4.48280294239521,1.6052128437985764,12.517923172484053,15.850708770751954 +4.773748427551044,6.7157611174786345,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7157611174786345,6.105368614196777,6.14321830868721,3.3173148936413703,11.264014335388833,14.576419162750247 +4.962051856400151,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7157611174786345,6.105368614196777,6.14321830868721,3.3173148936413703,11.264014335388833,14.576419162750247 +4.728781252158315,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7157611174786345,6.105368614196777,6.14321830868721,3.3173148936413703,11.264014335388833,14.576419162750247 +4.665814760797902,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7157611174786345,6.105368614196777,6.14321830868721,3.3173148936413703,11.264014335388833,14.576419162750247 +4.520417469504633,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.7157611174786345,6.105368614196777,6.14321830868721,3.3173148936413703,11.264014335388833,14.576419162750247 +4.897429475011794,7.965625719821199,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965625719821199,7.0702431201934814,7.170778870582581,4.083294340904723,13.32252674914421,17.41127738952637 +4.32801552446265,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965625719821199,7.0702431201934814,7.170778870582581,4.083294340904723,13.32252674914421,17.41127738952637 +4.622948606822051,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965625719821199,7.0702431201934814,7.170778870582581,4.083294340904723,13.32252674914421,17.41127738952637 +4.876690149699387,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965625719821199,7.0702431201934814,7.170778870582581,4.083294340904723,13.32252674914421,17.41127738952637 +5.009549329900428,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965625719821199,7.0702431201934814,7.170778870582581,4.083294340904723,13.32252674914421,17.41127738952637 +4.726166793625605,7.937001465482915,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.937001465482915,7.396356105804443,7.466527491807938,4.213863915585457,12.675180658381036,16.11578874588013 +4.78175551158033,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.937001465482915,7.396356105804443,7.466527491807938,4.213863915585457,12.675180658381036,16.11578874588013 +4.714739411206621,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.937001465482915,7.396356105804443,7.466527491807938,4.213863915585457,12.675180658381036,16.11578874588013 +4.914128682644743,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.937001465482915,7.396356105804443,7.466527491807938,4.213863915585457,12.675180658381036,16.11578874588013 +4.7480575176053925,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.937001465482915,7.396356105804443,7.466527491807938,4.213863915585457,12.675180658381036,16.11578874588013 +5.053136413387562,5.8306193884382855,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8306193884382855,5.116528034210205,5.174915716052055,2.855136774955912,10.04923391342163,13.140977668762208 +4.377001397782251,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8306193884382855,5.116528034210205,5.174915716052055,2.855136774955912,10.04923391342163,13.140977668762208 +4.79494306907842,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8306193884382855,5.116528034210205,5.174915716052055,2.855136774955912,10.04923391342163,13.140977668762208 +4.5756708537669555,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8306193884382855,5.116528034210205,5.174915716052055,2.855136774955912,10.04923391342163,13.140977668762208 +4.65449727397216,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8306193884382855,5.116528034210205,5.174915716052055,2.855136774955912,10.04923391342163,13.140977668762208 +4.531707980601412,6.777149438858032,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.777149438858032,6.264034271240234,6.388391375541687,3.061245695073554,11.453838632461872,14.004436445236209 +4.54746186482279,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.777149438858032,6.264034271240234,6.388391375541687,3.061245695073554,11.453838632461872,14.004436445236209 +4.690494742283696,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.777149438858032,6.264034271240234,6.388391375541687,3.061245695073554,11.453838632461872,14.004436445236209 +4.713977939753156,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.777149438858032,6.264034271240234,6.388391375541687,3.061245695073554,11.453838632461872,14.004436445236209 +4.724650015368273,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.777149438858032,6.264034271240234,6.388391375541687,3.061245695073554,11.453838632461872,14.004436445236209 +4.440436078843318,6.169379377618749,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.169379377618749,5.354701995849609,5.497806012630463,2.8902350232956255,10.949191103590296,14.63452425003052 +4.524591927132324,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.169379377618749,5.354701995849609,5.497806012630463,2.8902350232956255,10.949191103590296,14.63452425003052 +4.810482076594704,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.169379377618749,5.354701995849609,5.497806012630463,2.8902350232956255,10.949191103590296,14.63452425003052 +4.522710401839332,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.169379377618749,5.354701995849609,5.497806012630463,2.8902350232956255,10.949191103590296,14.63452425003052 +4.499336780686128,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.169379377618749,5.354701995849609,5.497806012630463,2.8902350232956255,10.949191103590296,14.63452425003052 +4.688981561754879,6.911366831114951,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.911366831114951,6.179913759231567,6.234972655773163,3.8059348375239272,11.31123364225347,13.969107103347781 +4.480757024335234,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.911366831114951,6.179913759231567,6.234972655773163,3.8059348375239272,11.31123364225347,13.969107103347781 +4.74099595897684,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.911366831114951,6.179913759231567,6.234972655773163,3.8059348375239272,11.31123364225347,13.969107103347781 +4.4934795078870495,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.911366831114951,6.179913759231567,6.234972655773163,3.8059348375239272,11.31123364225347,13.969107103347781 +4.896648954247174,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.911366831114951,6.179913759231567,6.234972655773163,3.8059348375239272,11.31123364225347,13.969107103347781 +4.843985638630233,6.166702009896015,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166702009896015,5.745029449462891,5.815508306026459,3.2280420064926147,9.945529207270196,11.61520781517029 +4.5193545968320805,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166702009896015,5.745029449462891,5.815508306026459,3.2280420064926147,9.945529207270196,11.61520781517029 +4.549028569557949,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166702009896015,5.745029449462891,5.815508306026459,3.2280420064926147,9.945529207270196,11.61520781517029 +4.633984723765599,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166702009896015,5.745029449462891,5.815508306026459,3.2280420064926147,9.945529207270196,11.61520781517029 +4.850119231013875,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166702009896015,5.745029449462891,5.815508306026459,3.2280420064926147,9.945529207270196,11.61520781517029 +4.784046362418877,5.736579303411728,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.736579303411728,5.3856282234191895,5.391708016395569,2.8081700269212115,9.51580335738811,11.665403127670293 +4.690478314537751,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.736579303411728,5.3856282234191895,5.391708016395569,2.8081700269212115,9.51580335738811,11.665403127670293 +4.511760100016469,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.736579303411728,5.3856282234191895,5.391708016395569,2.8081700269212115,9.51580335738811,11.665403127670293 +4.53669879765887,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.736579303411728,5.3856282234191895,5.391708016395569,2.8081700269212115,9.51580335738811,11.665403127670293 +4.685498091460842,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.736579303411728,5.3856282234191895,5.391708016395569,2.8081700269212115,9.51580335738811,11.665403127670293 +4.655871094488784,5.938585597149869,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.938585597149869,4.959618091583252,5.11747670173645,3.0178599306877625,10.490897188795374,13.388830184936523 +4.542356865049193,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.938585597149869,4.959618091583252,5.11747670173645,3.0178599306877625,10.490897188795374,13.388830184936523 +4.727288150238364,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.938585597149869,4.959618091583252,5.11747670173645,3.0178599306877625,10.490897188795374,13.388830184936523 +4.382270740051019,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.938585597149869,4.959618091583252,5.11747670173645,3.0178599306877625,10.490897188795374,13.388830184936523 +4.437061422004511,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.938585597149869,4.959618091583252,5.11747670173645,3.0178599306877625,10.490897188795374,13.388830184936523 +4.598533158533667,7.965480409404065,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965480409404065,7.061206102371216,7.208991438150406,3.7835885337058532,13.576471206989694,16.945085525512695 +4.776981466930163,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965480409404065,7.061206102371216,7.208991438150406,3.7835885337058532,13.576471206989694,16.945085525512695 +4.694630463676233,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965480409404065,7.061206102371216,7.208991438150406,3.7835885337058532,13.576471206989694,16.945085525512695 +4.388593006957518,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965480409404065,7.061206102371216,7.208991438150406,3.7835885337058532,13.576471206989694,16.945085525512695 +4.323483340559822,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.965480409404065,7.061206102371216,7.208991438150406,3.7835885337058532,13.576471206989694,16.945085525512695 +4.693023143198929,6.899118611153136,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.899118611153136,6.199144601821899,6.2277790904045105,4.094889823426592,11.114923700373224,13.778550386428833 +4.55466001888639,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.899118611153136,6.199144601821899,6.2277790904045105,4.094889823426592,11.114923700373224,13.778550386428833 +4.455914540941778,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.899118611153136,6.199144601821899,6.2277790904045105,4.094889823426592,11.114923700373224,13.778550386428833 +4.54852569585568,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.899118611153136,6.199144601821899,6.2277790904045105,4.094889823426592,11.114923700373224,13.778550386428833 +4.652739182604771,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.899118611153136,6.199144601821899,6.2277790904045105,4.094889823426592,11.114923700373224,13.778550386428833 +4.696230491172326,6.8930297227616,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.8930297227616,6.422480344772339,6.460552006959915,3.9928190961797188,10.618817938135026,13.493962860107429 +4.586844279577858,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.8930297227616,6.422480344772339,6.460552006959915,3.9928190961797188,10.618817938135026,13.493962860107429 +4.468296653346012,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.8930297227616,6.422480344772339,6.460552006959915,3.9928190961797188,10.618817938135026,13.493962860107429 +4.7250254060877,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.8930297227616,6.422480344772339,6.460552006959915,3.9928190961797188,10.618817938135026,13.493962860107429 +4.680942400760556,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.8930297227616,6.422480344772339,6.460552006959915,3.9928190961797188,10.618817938135026,13.493962860107429 +4.610953999036237,5.549605939458025,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.549605939458025,4.7746806144714355,4.825929060578346,2.4735359657318035,10.144868302852549,13.670982837677004 +4.406473252647801,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.549605939458025,4.7746806144714355,4.825929060578346,2.4735359657318035,10.144868302852549,13.670982837677004 +4.6656154751385515,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.549605939458025,4.7746806144714355,4.825929060578346,2.4735359657318035,10.144868302852549,13.670982837677004 +4.690929037254108,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.549605939458025,4.7746806144714355,4.825929060578346,2.4735359657318035,10.144868302852549,13.670982837677004 +4.5691514217539835,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.549605939458025,4.7746806144714355,4.825929060578346,2.4735359657318035,10.144868302852549,13.670982837677004 +4.573531791254093,5.793097539150969,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.793097539150969,4.800960063934326,4.851335421204567,2.7070653590750187,10.736791894790974,14.71311016082764 +4.544754622641363,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.793097539150969,4.800960063934326,4.851335421204567,2.7070653590750187,10.736791894790974,14.71311016082764 +4.752802115365078,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.793097539150969,4.800960063934326,4.851335421204567,2.7070653590750187,10.736791894790974,14.71311016082764 +4.665533098343172,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.793097539150969,4.800960063934326,4.851335421204567,2.7070653590750187,10.736791894790974,14.71311016082764 +4.313011188452181,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.793097539150969,4.800960063934326,4.851335421204567,2.7070653590750187,10.736791894790974,14.71311016082764 +4.538214255457646,6.103576494341201,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.103576494341201,5.4149861335754395,5.472086071968079,3.1120533499311893,10.450766989525329,12.67807674407959 +4.566371134629375,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.103576494341201,5.4149861335754395,5.472086071968079,3.1120533499311893,10.450766989525329,12.67807674407959 +4.498481166598044,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.103576494341201,5.4149861335754395,5.472086071968079,3.1120533499311893,10.450766989525329,12.67807674407959 +4.2598774917815865,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.103576494341201,5.4149861335754395,5.472086071968079,3.1120533499311893,10.450766989525329,12.67807674407959 +4.481394408486391,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.103576494341201,5.4149861335754395,5.472086071968079,3.1120533499311893,10.450766989525329,12.67807674407959 +4.624621125310659,6.963238528434267,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.963238528434267,5.931896209716797,6.0660750567913055,3.623146858621151,12.301126845339512,16.086997985839844 +4.441521417780926,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.963238528434267,5.931896209716797,6.0660750567913055,3.623146858621151,12.301126845339512,16.086997985839844 +4.379381256295662,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.963238528434267,5.931896209716797,6.0660750567913055,3.623146858621151,12.301126845339512,16.086997985839844 +4.550227562122439,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.963238528434267,5.931896209716797,6.0660750567913055,3.623146858621151,12.301126845339512,16.086997985839844 +4.64078845111163,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.963238528434267,5.931896209716797,6.0660750567913055,3.623146858621151,12.301126845339512,16.086997985839844 +4.345052937967212,6.479393529131057,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.479393529131057,5.763956546783447,5.897975116968155,3.168046276620094,11.131582899296538,14.675415563583375 +4.727916309629616,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.479393529131057,5.763956546783447,5.897975116968155,3.168046276620094,11.131582899296538,14.675415563583375 +4.546567405681861,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.479393529131057,5.763956546783447,5.897975116968155,3.168046276620094,11.131582899296538,14.675415563583375 +4.2766090888333945,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.479393529131057,5.763956546783447,5.897975116968155,3.168046276620094,11.131582899296538,14.675415563583375 +4.402956815887439,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.479393529131057,5.763956546783447,5.897975116968155,3.168046276620094,11.131582899296538,14.675415563583375 +4.489050147564788,4.835954918189252,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.835954918189252,4.18497633934021,4.278437972068787,2.1761410020767373,8.672945225492438,10.789676189422607 +4.55386333704779,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.835954918189252,4.18497633934021,4.278437972068787,2.1761410020767373,8.672945225492438,10.789676189422607 +4.650545551078884,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.835954918189252,4.18497633934021,4.278437972068787,2.1761410020767373,8.672945225492438,10.789676189422607 +4.438041033674228,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.835954918189252,4.18497633934021,4.278437972068787,2.1761410020767373,8.672945225492438,10.789676189422607 +4.227459451379745,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.835954918189252,4.18497633934021,4.278437972068787,2.1761410020767373,8.672945225492438,10.789676189422607 +4.512512861074586,7.13846903088245,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.13846903088245,6.83776068687439,6.810848534107208,4.339371871440969,10.586338854850606,13.017280769348147 +4.239587246548188,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.13846903088245,6.83776068687439,6.810848534107208,4.339371871440969,10.586338854850606,13.017280769348147 +4.344329774536584,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.13846903088245,6.83776068687439,6.810848534107208,4.339371871440969,10.586338854850606,13.017280769348147 +4.248941114642903,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.13846903088245,6.83776068687439,6.810848534107208,4.339371871440969,10.586338854850606,13.017280769348147 +4.244738186778206,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.13846903088245,6.83776068687439,6.810848534107208,4.339371871440969,10.586338854850606,13.017280769348147 +4.277191396920305,4.651300698994322,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.651300698994322,4.000295996665955,4.053141102194786,1.8756314940909122,8.600317386870689,11.591476631164554 +4.490275247767568,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.651300698994322,4.000295996665955,4.053141102194786,1.8756314940909122,8.600317386870689,11.591476631164554 +4.504465099580978,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.651300698994322,4.000295996665955,4.053141102194786,1.8756314940909122,8.600317386870689,11.591476631164554 +4.440405866268434,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.651300698994322,4.000295996665955,4.053141102194786,1.8756314940909122,8.600317386870689,11.591476631164554 +4.358711763432152,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.651300698994322,4.000295996665955,4.053141102194786,1.8756314940909122,8.600317386870689,11.591476631164554 +4.4878215425892884,5.6372446887036585,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.6372446887036585,5.129369258880615,5.184002950787544,3.093835176305568,9.239115633863085,10.96884961128235 +4.402514211284487,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.6372446887036585,5.129369258880615,5.184002950787544,3.093835176305568,9.239115633863085,10.96884961128235 +4.39586355043085,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.6372446887036585,5.129369258880615,5.184002950787544,3.093835176305568,9.239115633863085,10.96884961128235 +4.622451135692628,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.6372446887036585,5.129369258880615,5.184002950787544,3.093835176305568,9.239115633863085,10.96884961128235 +4.249769436568021,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.6372446887036585,5.129369258880615,5.184002950787544,3.093835176305568,9.239115633863085,10.96884961128235 +4.417595159105565,6.141581936085478,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.141581936085478,5.860131740570068,5.857122778892517,3.7644908377464783,9.110524410897114,10.995087385177612 +4.532577459043578,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.141581936085478,5.860131740570068,5.857122778892517,3.7644908377464783,9.110524410897114,10.995087385177612 +4.373995194701772,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.141581936085478,5.860131740570068,5.857122778892517,3.7644908377464783,9.110524410897114,10.995087385177612 +4.418386738080727,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.141581936085478,5.860131740570068,5.857122778892517,3.7644908377464783,9.110524410897114,10.995087385177612 +4.850985518137091,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.141581936085478,5.860131740570068,5.857122778892517,3.7644908377464783,9.110524410897114,10.995087385177612 +4.463777621364907,6.647146581018225,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.647146581018225,6.174732446670532,6.256453782320023,3.18218706389691,11.062152852403356,15.183740282058727 +4.232934571371267,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.647146581018225,6.174732446670532,6.256453782320023,3.18218706389691,11.062152852403356,15.183740282058727 +4.619206850975752,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.647146581018225,6.174732446670532,6.256453782320023,3.18218706389691,11.062152852403356,15.183740282058727 +4.202855929693109,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.647146581018225,6.174732446670532,6.256453782320023,3.18218706389691,11.062152852403356,15.183740282058727 +4.406294713679113,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.647146581018225,6.174732446670532,6.256453782320023,3.18218706389691,11.062152852403356,15.183740282058727 +4.592794238011304,6.0251194796663645,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.0251194796663645,5.766957759857178,5.750014752149582,3.9087925160184818,8.734649952421798,10.108712196350098 +4.620917253039385,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.0251194796663645,5.766957759857178,5.750014752149582,3.9087925160184818,8.734649952421798,10.108712196350098 +4.352360489101787,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.0251194796663645,5.766957759857178,5.750014752149582,3.9087925160184818,8.734649952421798,10.108712196350098 +4.388299854374246,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.0251194796663645,5.766957759857178,5.750014752149582,3.9087925160184818,8.734649952421798,10.108712196350098 +4.461538984763779,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.0251194796663645,5.766957759857178,5.750014752149582,3.9087925160184818,8.734649952421798,10.108712196350098 +4.282651101209615,7.602470832302215,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.602470832302215,7.296993732452393,7.386004149913788,4.410458080312039,11.260411445130693,13.9350549697876 +4.400305731378888,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.602470832302215,7.296993732452393,7.386004149913788,4.410458080312039,11.260411445130693,13.9350549697876 +4.414244087589415,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.602470832302215,7.296993732452393,7.386004149913788,4.410458080312039,11.260411445130693,13.9350549697876 +4.306548808809174,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.602470832302215,7.296993732452393,7.386004149913788,4.410458080312039,11.260411445130693,13.9350549697876 +4.413671260993731,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.602470832302215,7.296993732452393,7.386004149913788,4.410458080312039,11.260411445130693,13.9350549697876 +4.4364909161078305,6.813075120937317,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.813075120937317,6.20725154876709,6.34933266043663,3.916195806670696,10.711614791383134,13.876022291183471 +4.582305396544306,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.813075120937317,6.20725154876709,6.34933266043663,3.916195806670696,10.711614791383134,13.876022291183471 +4.309172062026827,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.813075120937317,6.20725154876709,6.34933266043663,3.916195806670696,10.711614791383134,13.876022291183471 +4.464548758456582,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.813075120937317,6.20725154876709,6.34933266043663,3.916195806670696,10.711614791383134,13.876022291183471 +4.0455597590066885,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.813075120937317,6.20725154876709,6.34933266043663,3.916195806670696,10.711614791383134,13.876022291183471 +4.413094576016853,5.944502845089486,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.944502845089486,5.4193031787872314,5.479050904512405,3.41270146217752,9.338119405381223,11.602267742156982 +4.312848819360921,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.944502845089486,5.4193031787872314,5.479050904512405,3.41270146217752,9.338119405381223,11.602267742156982 +4.506226740385356,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.944502845089486,5.4193031787872314,5.479050904512405,3.41270146217752,9.338119405381223,11.602267742156982 +4.374551922475037,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.944502845089486,5.4193031787872314,5.479050904512405,3.41270146217752,9.338119405381223,11.602267742156982 +4.29989744956164,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.944502845089486,5.4193031787872314,5.479050904512405,3.41270146217752,9.338119405381223,11.602267742156982 +4.381548746988962,5.966824021269667,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.966824021269667,5.531424283981323,5.51217982172966,3.3133904864179327,9.549892740046724,12.000055646896367 +4.47289126805569,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.966824021269667,5.531424283981323,5.51217982172966,3.3133904864179327,9.549892740046724,12.000055646896367 +4.339358997462612,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.966824021269667,5.531424283981323,5.51217982172966,3.3133904864179327,9.549892740046724,12.000055646896367 +4.457038768753409,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.966824021269667,5.531424283981323,5.51217982172966,3.3133904864179327,9.549892740046724,12.000055646896367 +4.458815961331129,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.966824021269667,5.531424283981323,5.51217982172966,3.3133904864179327,9.549892740046724,12.000055646896367 +4.495772358147722,5.8779269609045475,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8779269609045475,5.256367206573486,5.309315234422684,3.333694173934612,9.620875013635514,13.051329135894775 +4.198609293389477,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8779269609045475,5.256367206573486,5.309315234422684,3.333694173934612,9.620875013635514,13.051329135894775 +4.512653542898203,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8779269609045475,5.256367206573486,5.309315234422684,3.333694173934612,9.620875013635514,13.051329135894775 +4.128930416624797,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8779269609045475,5.256367206573486,5.309315234422684,3.333694173934612,9.620875013635514,13.051329135894775 +4.391641709914333,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8779269609045475,5.256367206573486,5.309315234422684,3.333694173934612,9.620875013635514,13.051329135894775 +4.270874467570531,5.080048005948675,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.080048005948675,4.413804292678833,4.507048666477203,2.3918150092693087,9.010089853976636,12.104041767120375 +4.367456263715499,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.080048005948675,4.413804292678833,4.507048666477203,2.3918150092693087,9.010089853976636,12.104041767120375 +4.242164909329854,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.080048005948675,4.413804292678833,4.507048666477203,2.3918150092693087,9.010089853976636,12.104041767120375 +4.289451494754145,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.080048005948675,4.413804292678833,4.507048666477203,2.3918150092693087,9.010089853976636,12.104041767120375 +4.414894414261767,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.080048005948675,4.413804292678833,4.507048666477203,2.3918150092693087,9.010089853976636,12.104041767120375 +4.345147875657207,6.018586574003417,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.018586574003417,5.05013370513916,5.150452226400375,3.121579309410237,10.665635940876413,14.389811658859255 +4.323306868774326,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.018586574003417,5.05013370513916,5.150452226400375,3.121579309410237,10.665635940876413,14.389811658859255 +4.3057255210060825,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.018586574003417,5.05013370513916,5.150452226400375,3.121579309410237,10.665635940876413,14.389811658859255 +4.1943808903035364,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.018586574003417,5.05013370513916,5.150452226400375,3.121579309410237,10.665635940876413,14.389811658859255 +4.240208340044084,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.018586574003417,5.05013370513916,5.150452226400375,3.121579309410237,10.665635940876413,14.389811658859255 +4.193070675511109,5.7186360195913215,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7186360195913215,5.338085889816284,5.349453270435333,2.99088879405184,9.203004400780861,11.24151344299317 +4.351634290500691,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7186360195913215,5.338085889816284,5.349453270435333,2.99088879405184,9.203004400780861,11.24151344299317 +4.540810514868874,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7186360195913215,5.338085889816284,5.349453270435333,2.99088879405184,9.203004400780861,11.24151344299317 +4.445606669783592,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7186360195913215,5.338085889816284,5.349453270435333,2.99088879405184,9.203004400780861,11.24151344299317 +4.220715600232545,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7186360195913215,5.338085889816284,5.349453270435333,2.99088879405184,9.203004400780861,11.24151344299317 +4.3290922237658185,5.096643398099757,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.096643398099757,4.708559513092041,4.625337839126587,2.4215516169020472,8.83858739568832,10.785214138031005 +4.611631874269561,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.096643398099757,4.708559513092041,4.625337839126587,2.4215516169020472,8.83858739568832,10.785214138031005 +4.116578850346176,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.096643398099757,4.708559513092041,4.625337839126587,2.4215516169020472,8.83858739568832,10.785214138031005 +4.202575236637341,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.096643398099757,4.708559513092041,4.625337839126587,2.4215516169020472,8.83858739568832,10.785214138031005 +4.323660005472209,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.096643398099757,4.708559513092041,4.625337839126587,2.4215516169020472,8.83858739568832,10.785214138031005 +4.5417316864195625,6.80753855248715,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.80753855248715,5.828948974609375,6.0093633234500885,3.923645242731622,11.3622277848264,15.19004230499268 +4.477273948294552,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.80753855248715,5.828948974609375,6.0093633234500885,3.923645242731622,11.3622277848264,15.19004230499268 +4.265808254715643,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.80753855248715,5.828948974609375,6.0093633234500885,3.923645242731622,11.3622277848264,15.19004230499268 +4.174015389696548,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.80753855248715,5.828948974609375,6.0093633234500885,3.923645242731622,11.3622277848264,15.19004230499268 +4.422420694090818,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.80753855248715,5.828948974609375,6.0093633234500885,3.923645242731622,11.3622277848264,15.19004230499268 +4.098292583560473,5.387673449643115,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.387673449643115,4.781237602233887,4.80293408036232,2.6683223983074758,9.313066330361874,12.625666666030884 +4.539632318913936,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.387673449643115,4.781237602233887,4.80293408036232,2.6683223983074758,9.313066330361874,12.625666666030884 +4.336319717098224,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.387673449643115,4.781237602233887,4.80293408036232,2.6683223983074758,9.313066330361874,12.625666666030884 +4.224961433755724,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.387673449643115,4.781237602233887,4.80293408036232,2.6683223983074758,9.313066330361874,12.625666666030884 +4.194230500726324,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.387673449643115,4.781237602233887,4.80293408036232,2.6683223983074758,9.313066330361874,12.625666666030884 +4.492009756008261,5.313554402599309,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.313554402599309,4.826808452606201,4.808402046561241,2.5546808759582804,9.074855398624502,11.774379301071168 +4.109101757877752,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.313554402599309,4.826808452606201,4.808402046561241,2.5546808759582804,9.074855398624502,11.774379301071168 +4.262583165811865,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.313554402599309,4.826808452606201,4.808402046561241,2.5546808759582804,9.074855398624502,11.774379301071168 +4.414376177599555,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.313554402599309,4.826808452606201,4.808402046561241,2.5546808759582804,9.074855398624502,11.774379301071168 +4.400470468245055,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.313554402599309,4.826808452606201,4.808402046561241,2.5546808759582804,9.074855398624502,11.774379301071168 +4.530381447351292,6.451865265027005,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.451865265027005,5.682492017745972,5.747710108757019,3.6541966085738324,10.637284755706787,13.50248475074768 +3.953995326043744,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.451865265027005,5.682492017745972,5.747710108757019,3.6541966085738324,10.637284755706787,13.50248475074768 +4.152204224624132,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.451865265027005,5.682492017745972,5.747710108757019,3.6541966085738324,10.637284755706787,13.50248475074768 +4.298150186554381,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.451865265027005,5.682492017745972,5.747710108757019,3.6541966085738324,10.637284755706787,13.50248475074768 +4.523287941554659,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.451865265027005,5.682492017745972,5.747710108757019,3.6541966085738324,10.637284755706787,13.50248475074768 +4.38755028475272,6.889655562949941,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.889655562949941,6.152893781661987,6.161510646343231,3.675608364191461,11.410624148997854,15.300349330902101 +4.2499155207684165,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.889655562949941,6.152893781661987,6.161510646343231,3.675608364191461,11.410624148997854,15.300349330902101 +4.310964982682153,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.889655562949941,6.152893781661987,6.161510646343231,3.675608364191461,11.410624148997854,15.300349330902101 +4.433322813754019,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.889655562949941,6.152893781661987,6.161510646343231,3.675608364191461,11.410624148997854,15.300349330902101 +4.536906817555428,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.889655562949941,6.152893781661987,6.161510646343231,3.675608364191461,11.410624148997854,15.300349330902101 +4.212890873908212,6.026738463881168,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.026738463881168,5.448121547698975,5.471817791461945,3.373438116083754,9.870985051418872,13.442841482162477 +4.421887047157476,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.026738463881168,5.448121547698975,5.471817791461945,3.373438116083754,9.870985051418872,13.442841482162477 +4.193149690408456,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.026738463881168,5.448121547698975,5.471817791461945,3.373438116083754,9.870985051418872,13.442841482162477 +4.365174006357004,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.026738463881168,5.448121547698975,5.471817791461945,3.373438116083754,9.870985051418872,13.442841482162477 +4.172177788301518,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.026738463881168,5.448121547698975,5.471817791461945,3.373438116083754,9.870985051418872,13.442841482162477 +4.350679270119259,6.005912995560372,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.005912995560372,5.262872934341431,5.369789898395538,3.250230755577696,9.988607579089226,13.984841346740726 +4.109449346049836,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.005912995560372,5.262872934341431,5.369789898395538,3.250230755577696,9.988607579089226,13.984841346740726 +4.175244615266197,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.005912995560372,5.262872934341431,5.369789898395538,3.250230755577696,9.988607579089226,13.984841346740726 +4.550532652672969,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.005912995560372,5.262872934341431,5.369789898395538,3.250230755577696,9.988607579089226,13.984841346740726 +4.161396081608377,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.005912995560372,5.262872934341431,5.369789898395538,3.250230755577696,9.988607579089226,13.984841346740726 +4.4660772474972825,5.8399567692837815,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8399567692837815,5.068090915679932,5.150125414133072,3.157277436966592,9.885422666022118,13.452382183074954 +4.270822407305241,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8399567692837815,5.068090915679932,5.150125414133072,3.157277436966592,9.885422666022118,13.452382183074954 +4.46822559794313,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8399567692837815,5.068090915679932,5.150125414133072,3.157277436966592,9.885422666022118,13.452382183074954 +4.2863014998012465,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8399567692837815,5.068090915679932,5.150125414133072,3.157277436966592,9.885422666022118,13.452382183074954 +4.180157427332904,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.8399567692837815,5.068090915679932,5.150125414133072,3.157277436966592,9.885422666022118,13.452382183074954 +4.346596897687567,6.155540076976127,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.155540076976127,5.753243684768677,5.661318510770798,3.5779557177361023,9.663082914149507,12.29432282447815 +4.084092649072408,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.155540076976127,5.753243684768677,5.661318510770798,3.5779557177361023,9.663082914149507,12.29432282447815 +4.41935081229006,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.155540076976127,5.753243684768677,5.661318510770798,3.5779557177361023,9.663082914149507,12.29432282447815 +4.141986905116784,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.155540076976127,5.753243684768677,5.661318510770798,3.5779557177361023,9.663082914149507,12.29432282447815 +4.163435777531642,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.155540076976127,5.753243684768677,5.661318510770798,3.5779557177361023,9.663082914149507,12.29432282447815 +4.233324685967283,7.2414685208746725,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.2414685208746725,6.388711929321289,6.433106034994125,4.507607845549888,11.71008112075481,15.676973819732666 +4.426635328915558,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.2414685208746725,6.388711929321289,6.433106034994125,4.507607845549888,11.71008112075481,15.676973819732666 +4.103793814170517,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.2414685208746725,6.388711929321289,6.433106034994125,4.507607845549888,11.71008112075481,15.676973819732666 +4.364262436095037,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.2414685208746725,6.388711929321289,6.433106034994125,4.507607845549888,11.71008112075481,15.676973819732666 +4.486531037798053,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.2414685208746725,6.388711929321289,6.433106034994125,4.507607845549888,11.71008112075481,15.676973819732666 +4.31744329964644,6.212620912714208,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212620912714208,5.636490345001221,5.689499735832214,3.4962216336676417,10.040024037056781,12.655262708663944 +4.5555891530882375,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212620912714208,5.636490345001221,5.689499735832214,3.4962216336676417,10.040024037056781,12.655262708663944 +4.063766486825127,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212620912714208,5.636490345001221,5.689499735832214,3.4962216336676417,10.040024037056781,12.655262708663944 +4.315702981148895,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212620912714208,5.636490345001221,5.689499735832214,3.4962216336676417,10.040024037056781,12.655262708663944 +4.274394272463886,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212620912714208,5.636490345001221,5.689499735832214,3.4962216336676417,10.040024037056781,12.655262708663944 +4.079570825162687,5.188879202179452,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.188879202179452,4.625805377960205,4.699516981840134,2.6266807501620435,8.765967358934118,11.825553321838381 +4.263402393499487,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.188879202179452,4.625805377960205,4.699516981840134,2.6266807501620435,8.765967358934118,11.825553321838381 +3.8453906821185035,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.188879202179452,4.625805377960205,4.699516981840134,2.6266807501620435,8.765967358934118,11.825553321838381 +4.35469375715444,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.188879202179452,4.625805377960205,4.699516981840134,2.6266807501620435,8.765967358934118,11.825553321838381 +4.422808907063383,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.188879202179452,4.625805377960205,4.699516981840134,2.6266807501620435,8.765967358934118,11.825553321838381 +4.269819766439889,7.074934250496804,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.074934250496804,6.84507155418396,6.813196152448654,4.603309534965677,9.969617092863043,12.133192157745368 +4.223683738512428,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.074934250496804,6.84507155418396,6.813196152448654,4.603309534965677,9.969617092863043,12.133192157745368 +4.4894320800116185,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.074934250496804,6.84507155418396,6.813196152448654,4.603309534965677,9.969617092863043,12.133192157745368 +4.1938607059811295,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.074934250496804,6.84507155418396,6.813196152448654,4.603309534965677,9.969617092863043,12.133192157745368 +4.127739320264051,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.074934250496804,6.84507155418396,6.813196152448654,4.603309534965677,9.969617092863043,12.133192157745368 +4.18761276022384,6.290938686817251,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.290938686817251,5.6183106899261475,5.6679379642009735,3.5343370539076786,10.36844489929524,13.748594713211062 +4.248865199716468,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.290938686817251,5.6183106899261475,5.6679379642009735,3.5343370539076786,10.36844489929524,13.748594713211062 +4.281306408267272,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.290938686817251,5.6183106899261475,5.6679379642009735,3.5343370539076786,10.36844489929524,13.748594713211062 +4.3703229883391606,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.290938686817251,5.6183106899261475,5.6679379642009735,3.5343370539076786,10.36844489929524,13.748594713211062 +4.391115960792491,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.290938686817251,5.6183106899261475,5.6679379642009735,3.5343370539076786,10.36844489929524,13.748594713211062 +4.177280381831683,5.687249071103461,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.687249071103461,5.111053705215454,5.101828187704086,3.2092542711724628,9.373411381498297,11.872782421112062 +4.170125466800834,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.687249071103461,5.111053705215454,5.101828187704086,3.2092542711724628,9.373411381498297,11.872782421112062 +3.950789022759387,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.687249071103461,5.111053705215454,5.101828187704086,3.2092542711724628,9.373411381498297,11.872782421112062 +4.296222672533048,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.687249071103461,5.111053705215454,5.101828187704086,3.2092542711724628,9.373411381498297,11.872782421112062 +4.195762911674223,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.687249071103461,5.111053705215454,5.101828187704086,3.2092542711724628,9.373411381498297,11.872782421112062 +4.55937898135499,5.195745822914104,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.195745822914104,4.7447028160095215,4.7707023322582245,2.9094378529710974,8.270407575242062,10.625359821319583 +4.157280550583413,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.195745822914104,4.7447028160095215,4.7707023322582245,2.9094378529710974,8.270407575242062,10.625359821319583 +4.21077495060469,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.195745822914104,4.7447028160095215,4.7707023322582245,2.9094378529710974,8.270407575242062,10.625359821319583 +4.195509102156287,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.195745822914104,4.7447028160095215,4.7707023322582245,2.9094378529710974,8.270407575242062,10.625359821319583 +4.105774042284803,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.195745822914104,4.7447028160095215,4.7707023322582245,2.9094378529710974,8.270407575242062,10.625359821319583 +4.2765233573160675,6.221296875400746,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.221296875400746,5.372271537780762,5.453921407461166,3.435159832873243,10.66326855598612,14.38196406364441 +4.080428349069859,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.221296875400746,5.372271537780762,5.453921407461166,3.435159832873243,10.66326855598612,14.38196406364441 +4.191968258156588,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.221296875400746,5.372271537780762,5.453921407461166,3.435159832873243,10.66326855598612,14.38196406364441 +4.340882892612564,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.221296875400746,5.372271537780762,5.453921407461166,3.435159832873243,10.66326855598612,14.38196406364441 +4.193593839026596,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.221296875400746,5.372271537780762,5.453921407461166,3.435159832873243,10.66326855598612,14.38196406364441 +4.481800448090622,6.626060929070127,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.626060929070127,6.020063877105713,6.104214280843735,4.187261183211144,10.145149758521546,12.77305760383606 +3.969437302570594,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.626060929070127,6.020063877105713,6.104214280843735,4.187261183211144,10.145149758521546,12.77305760383606 +4.190139974320405,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.626060929070127,6.020063877105713,6.104214280843735,4.187261183211144,10.145149758521546,12.77305760383606 +4.29966489647172,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.626060929070127,6.020063877105713,6.104214280843735,4.187261183211144,10.145149758521546,12.77305760383606 +4.22769826885901,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.626060929070127,6.020063877105713,6.104214280843735,4.187261183211144,10.145149758521546,12.77305760383606 +4.424797531609473,6.527263745982596,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.527263745982596,5.946051597595215,5.941706746816635,3.9520851931673415,10.254367300804626,13.662514162063601 +4.38300745267617,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.527263745982596,5.946051597595215,5.941706746816635,3.9520851931673415,10.254367300804626,13.662514162063601 +4.12640558093002,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.527263745982596,5.946051597595215,5.941706746816635,3.9520851931673415,10.254367300804626,13.662514162063601 +4.120496638648604,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.527263745982596,5.946051597595215,5.941706746816635,3.9520851931673415,10.254367300804626,13.662514162063601 +4.533272817417195,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.527263745982596,5.946051597595215,5.941706746816635,3.9520851931673415,10.254367300804626,13.662514162063601 +3.7764230302682047,4.730319380760193,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.730319380760193,4.266684055328369,4.315156921744347,2.5610148653070977,7.77962582162086,9.41265320777893 +4.265466369531657,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.730319380760193,4.266684055328369,4.315156921744347,2.5610148653070977,7.77962582162086,9.41265320777893 +4.262702360749245,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.730319380760193,4.266684055328369,4.315156921744347,2.5610148653070977,7.77962582162086,9.41265320777893 +4.174786293388982,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.730319380760193,4.266684055328369,4.315156921744347,2.5610148653070977,7.77962582162086,9.41265320777893 +4.081743835069632,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.730319380760193,4.266684055328369,4.315156921744347,2.5610148653070977,7.77962582162086,9.41265320777893 +4.309102975694757,7.081677720267722,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.081677720267722,6.391581296920776,6.3958220183849335,3.6324501620962266,12.091243764187427,15.807065105438236 +4.299428273247261,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.081677720267722,6.391581296920776,6.3958220183849335,3.6324501620962266,12.091243764187427,15.807065105438236 +3.95547569923495,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.081677720267722,6.391581296920776,6.3958220183849335,3.6324501620962266,12.091243764187427,15.807065105438236 +4.315561179385374,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.081677720267722,6.391581296920776,6.3958220183849335,3.6324501620962266,12.091243764187427,15.807065105438236 +4.249668549667848,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.081677720267722,6.391581296920776,6.3958220183849335,3.6324501620962266,12.091243764187427,15.807065105438236 +4.385434707920802,6.361431450919902,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.361431450919902,5.564432621002197,5.657710641622543,3.6876907931997422,10.575515300669569,14.015285634994509 +3.8719956444674417,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.361431450919902,5.564432621002197,5.657710641622543,3.6876907931997422,10.575515300669569,14.015285634994509 +4.118311304912756,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.361431450919902,5.564432621002197,5.657710641622543,3.6876907931997422,10.575515300669569,14.015285634994509 +3.9423606139656746,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.361431450919902,5.564432621002197,5.657710641622543,3.6876907931997422,10.575515300669569,14.015285634994509 +3.8865508575188485,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.361431450919902,5.564432621002197,5.657710641622543,3.6876907931997422,10.575515300669569,14.015285634994509 +4.196769481407184,6.212395617302428,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212395617302428,5.463267803192139,5.518634930253029,3.08371268942001,10.951715378051109,14.669982910156254 +3.989325691171383,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212395617302428,5.463267803192139,5.518634930253029,3.08371268942001,10.951715378051109,14.669982910156254 +4.096431890894708,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212395617302428,5.463267803192139,5.518634930253029,3.08371268942001,10.951715378051109,14.669982910156254 +4.22825371313252,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212395617302428,5.463267803192139,5.518634930253029,3.08371268942001,10.951715378051109,14.669982910156254 +3.890763725340366,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.212395617302428,5.463267803192139,5.518634930253029,3.08371268942001,10.951715378051109,14.669982910156254 +3.9108608148011723,7.226124737490999,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.226124737490999,6.737895488739014,6.822018802165985,4.556309849657911,10.894530235452855,13.989733457565311 +4.085473055882674,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.226124737490999,6.737895488739014,6.822018802165985,4.556309849657911,10.894530235452855,13.989733457565311 +3.9570965530840976,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.226124737490999,6.737895488739014,6.822018802165985,4.556309849657911,10.894530235452855,13.989733457565311 +4.342681284444897,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.226124737490999,6.737895488739014,6.822018802165985,4.556309849657911,10.894530235452855,13.989733457565311 +4.227330863867936,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,7.226124737490999,6.737895488739014,6.822018802165985,4.556309849657911,10.894530235452855,13.989733457565311 +3.9470439380328908,5.170135505021887,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.170135505021887,4.513492584228516,4.601967021822929,2.7935499612321246,8.886906654276746,12.004904365539552 +3.9709527533109252,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.170135505021887,4.513492584228516,4.601967021822929,2.7935499612321246,8.886906654276746,12.004904365539552 +3.889902233293182,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.170135505021887,4.513492584228516,4.601967021822929,2.7935499612321246,8.886906654276746,12.004904365539552 +4.135568794490475,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.170135505021887,4.513492584228516,4.601967021822929,2.7935499612321246,8.886906654276746,12.004904365539552 +4.0698072415433435,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.170135505021887,4.513492584228516,4.601967021822929,2.7935499612321246,8.886906654276746,12.004904365539552 +4.169672902595056,5.5606455011491445,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.5606455011491445,5.131561517715454,5.094055697321892,3.0237634212095688,9.12251768720911,12.014469861984264 +4.042412930060374,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.5606455011491445,5.131561517715454,5.094055697321892,3.0237634212095688,9.12251768720911,12.014469861984264 +3.8658861849653094,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.5606455011491445,5.131561517715454,5.094055697321892,3.0237634212095688,9.12251768720911,12.014469861984264 +4.018273210211804,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.5606455011491445,5.131561517715454,5.094055697321892,3.0237634212095688,9.12251768720911,12.014469861984264 +4.3195804398114745,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.5606455011491445,5.131561517715454,5.094055697321892,3.0237634212095688,9.12251768720911,12.014469861984264 +4.377983109652996,6.166436753374465,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166436753374465,5.365015029907227,5.467940926551819,3.505161224527562,10.216897507931323,13.730146455764773 +4.181994744958846,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166436753374465,5.365015029907227,5.467940926551819,3.505161224527562,10.216897507931323,13.730146455764773 +4.353469028461136,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166436753374465,5.365015029907227,5.467940926551819,3.505161224527562,10.216897507931323,13.730146455764773 +4.1732231498941,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166436753374465,5.365015029907227,5.467940926551819,3.505161224527562,10.216897507931323,13.730146455764773 +4.145924833064017,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.166436753374465,5.365015029907227,5.467940926551819,3.505161224527562,10.216897507931323,13.730146455764773 +3.959559689540612,5.841025798244679,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.841025798244679,5.080026149749756,5.133364528417587,3.129433832270034,10.0365114617855,13.89742922782898 +4.168672014518004,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.841025798244679,5.080026149749756,5.133364528417587,3.129433832270034,10.0365114617855,13.89742922782898 +4.182928470169243,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.841025798244679,5.080026149749756,5.133364528417587,3.129433832270034,10.0365114617855,13.89742922782898 +4.107176881087454,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.841025798244679,5.080026149749756,5.133364528417587,3.129433832270034,10.0365114617855,13.89742922782898 +4.367668132758454,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.841025798244679,5.080026149749756,5.133364528417587,3.129433832270034,10.0365114617855,13.89742922782898 +3.9866686045339232,5.582416932475059,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.582416932475059,4.927562236785889,4.978578746318817,2.924378749537975,9.528362416206523,12.828781700134279 +4.312767626502012,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.582416932475059,4.927562236785889,4.978578746318817,2.924378749537975,9.528362416206523,12.828781700134279 +4.1192009675659635,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.582416932475059,4.927562236785889,4.978578746318817,2.924378749537975,9.528362416206523,12.828781700134279 +4.166490595826978,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.582416932475059,4.927562236785889,4.978578746318817,2.924378749537975,9.528362416206523,12.828781700134279 +3.912330874918323,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.582416932475059,4.927562236785889,4.978578746318817,2.924378749537975,9.528362416206523,12.828781700134279 +4.064424586394115,5.7091374863335425,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7091374863335425,4.947066068649292,4.994351163506508,3.0816704757670137,9.776909899204336,13.445146036148074 +4.088911469359147,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7091374863335425,4.947066068649292,4.994351163506508,3.0816704757670137,9.776909899204336,13.445146036148074 +4.102767617569158,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7091374863335425,4.947066068649292,4.994351163506508,3.0816704757670137,9.776909899204336,13.445146036148074 +4.020789865776896,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7091374863335425,4.947066068649292,4.994351163506508,3.0816704757670137,9.776909899204336,13.445146036148074 +4.086653080308124,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.7091374863335425,4.947066068649292,4.994351163506508,3.0816704757670137,9.776909899204336,13.445146036148074 +3.969068644038941,5.136708633379733,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.136708633379733,4.264477729797363,4.361919343471527,2.62859970331192,9.316069278311222,13.129419565200806 +4.185740960938366,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.136708633379733,4.264477729797363,4.361919343471527,2.62859970331192,9.316069278311222,13.129419565200806 +4.058542738011793,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.136708633379733,4.264477729797363,4.361919343471527,2.62859970331192,9.316069278311222,13.129419565200806 +3.8952937930038103,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.136708633379733,4.264477729797363,4.361919343471527,2.62859970331192,9.316069278311222,13.129419565200806 +4.221249051725394,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.136708633379733,4.264477729797363,4.361919343471527,2.62859970331192,9.316069278311222,13.129419565200806 +4.265426567706623,5.552191979707556,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.552191979707556,4.947882652282715,4.991521090269089,3.2083655291415276,9.033243006848274,12.482282304763794 +3.8227248929833113,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.552191979707556,4.947882652282715,4.991521090269089,3.2083655291415276,9.033243006848274,12.482282304763794 +4.2090640516265445,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.552191979707556,4.947882652282715,4.991521090269089,3.2083655291415276,9.033243006848274,12.482282304763794 +3.8937082836894614,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.552191979707556,4.947882652282715,4.991521090269089,3.2083655291415276,9.033243006848274,12.482282304763794 +4.146232953863708,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.552191979707556,4.947882652282715,4.991521090269089,3.2083655291415276,9.033243006848274,12.482282304763794 +3.9927742790626852,6.047218607461199,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.047218607461199,5.257762908935547,5.339223623275757,3.3937977653868656,10.269501188968091,13.18786273002625 +4.156768541547813,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.047218607461199,5.257762908935547,5.339223623275757,3.3937977653868656,10.269501188968091,13.18786273002625 +4.160262216078608,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.047218607461199,5.257762908935547,5.339223623275757,3.3937977653868656,10.269501188968091,13.18786273002625 +4.383976147676769,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.047218607461199,5.257762908935547,5.339223623275757,3.3937977653868656,10.269501188968091,13.18786273002625 +3.986279745282311,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.047218607461199,5.257762908935547,5.339223623275757,3.3937977653868656,10.269501188968091,13.18786273002625 +4.213754983520822,4.759432182350057,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.759432182350057,4.231900215148926,4.285531759262085,2.0173886925616165,8.506807875125967,11.085590076446536 +4.1177880871452786,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.759432182350057,4.231900215148926,4.285531759262085,2.0173886925616165,8.506807875125967,11.085590076446536 +4.434546577989271,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.759432182350057,4.231900215148926,4.285531759262085,2.0173886925616165,8.506807875125967,11.085590076446536 +3.9356521404495366,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.759432182350057,4.231900215148926,4.285531759262085,2.0173886925616165,8.506807875125967,11.085590076446536 +3.8338264488664113,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.759432182350057,4.231900215148926,4.285531759262085,2.0173886925616165,8.506807875125967,11.085590076446536 +4.183463566789501,5.929276823997498,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.929276823997498,5.130239725112915,5.17523418366909,3.2358160424739757,10.112473213926275,13.537535285949708 +4.489857827754397,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.929276823997498,5.130239725112915,5.17523418366909,3.2358160424739757,10.112473213926275,13.537535285949708 +3.9456055915473325,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.929276823997498,5.130239725112915,5.17523418366909,3.2358160424739757,10.112473213926275,13.537535285949708 +4.092495918940557,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.929276823997498,5.130239725112915,5.17523418366909,3.2358160424739757,10.112473213926275,13.537535285949708 +3.9979892352890025,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.929276823997498,5.130239725112915,5.17523418366909,3.2358160424739757,10.112473213926275,13.537535285949708 +4.251826515813407,6.020172956142019,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.020172956142019,5.5492308139801025,5.558238476514816,3.4835667711623173,9.50412368774414,12.707495164871215 +3.7917360062661922,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.020172956142019,5.5492308139801025,5.558238476514816,3.4835667711623173,9.50412368774414,12.707495164871215 +3.8367161524923223,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.020172956142019,5.5492308139801025,5.558238476514816,3.4835667711623173,9.50412368774414,12.707495164871215 +4.038184233343131,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.020172956142019,5.5492308139801025,5.558238476514816,3.4835667711623173,9.50412368774414,12.707495164871215 +3.827298966912847,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.020172956142019,5.5492308139801025,5.558238476514816,3.4835667711623173,9.50412368774414,12.707495164871215 +4.154235495862208,4.677924447871269,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.677924447871269,4.038105249404907,4.043847277760506,2.2569578302667495,8.290119424779364,11.567794370651256 +4.177555633787262,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.677924447871269,4.038105249404907,4.043847277760506,2.2569578302667495,8.290119424779364,11.567794370651256 +4.149664682032246,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.677924447871269,4.038105249404907,4.043847277760506,2.2569578302667495,8.290119424779364,11.567794370651256 +4.154238461467781,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.677924447871269,4.038105249404907,4.043847277760506,2.2569578302667495,8.290119424779364,11.567794370651256 +4.213773997480932,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.677924447871269,4.038105249404907,4.043847277760506,2.2569578302667495,8.290119424779364,11.567794370651256 +3.9995260874299627,6.098897308745283,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.098897308745283,5.960617780685425,5.938349157571793,3.765185016266843,8.797899763634865,10.532777738571168 +4.034964385118924,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.098897308745283,5.960617780685425,5.938349157571793,3.765185016266843,8.797899763634865,10.532777738571168 +3.8641381858799018,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.098897308745283,5.960617780685425,5.938349157571793,3.765185016266843,8.797899763634865,10.532777738571168 +4.06349380235923,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.098897308745283,5.960617780685425,5.938349157571793,3.765185016266843,8.797899763634865,10.532777738571168 +4.140595596087606,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,6.098897308745283,5.960617780685425,5.938349157571793,3.765185016266843,8.797899763634865,10.532777738571168 +4.241868699949823,5.1650007468588806,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.1650007468588806,4.830944538116455,4.809640154242516,2.90411233394704,8.156203077194538,9.55909881591797 +3.8464485069246668,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.1650007468588806,4.830944538116455,4.809640154242516,2.90411233394704,8.156203077194538,9.55909881591797 +4.490415704015054,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.1650007468588806,4.830944538116455,4.809640154242516,2.90411233394704,8.156203077194538,9.55909881591797 +4.094043952814842,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.1650007468588806,4.830944538116455,4.809640154242516,2.90411233394704,8.156203077194538,9.55909881591797 +4.224216102455792,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.1650007468588806,4.830944538116455,4.809640154242516,2.90411233394704,8.156203077194538,9.55909881591797 +4.081803589549504,4.854392442297428,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.854392442297428,4.352331161499023,4.392550200223923,2.5557040711666676,8.192554656495439,9.880880117416385 +3.9393116753352317,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.854392442297428,4.352331161499023,4.392550200223923,2.5557040711666676,8.192554656495439,9.880880117416385 +3.95248078284295,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.854392442297428,4.352331161499023,4.392550200223923,2.5557040711666676,8.192554656495439,9.880880117416385 +3.8272371402108356,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.854392442297428,4.352331161499023,4.392550200223923,2.5557040711666676,8.192554656495439,9.880880117416385 +4.1654450449112215,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.854392442297428,4.352331161499023,4.392550200223923,2.5557040711666676,8.192554656495439,9.880880117416385 +4.073142815028366,5.715343484219084,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.715343484219084,5.36289119720459,5.368643760681152,3.6904624015726943,8.459123276649638,10.893759107589723 +4.22058213396292,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.715343484219084,5.36289119720459,5.368643760681152,3.6904624015726943,8.459123276649638,10.893759107589723 +3.9794368929768864,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.715343484219084,5.36289119720459,5.368643760681152,3.6904624015726943,8.459123276649638,10.893759107589723 +4.192254557460546,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.715343484219084,5.36289119720459,5.368643760681152,3.6904624015726943,8.459123276649638,10.893759107589723 +3.839144881716684,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.715343484219084,5.36289119720459,5.368643760681152,3.6904624015726943,8.459123276649638,10.893759107589723 +3.8503815207826464,4.232182556644399,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.232182556644399,3.4524582624435425,3.5510666519403458,1.829994148396431,8.102689702460106,11.929916000366212 +4.01457163683678,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.232182556644399,3.4524582624435425,3.5510666519403458,1.829994148396431,8.102689702460106,11.929916000366212 +4.067809323829255,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.232182556644399,3.4524582624435425,3.5510666519403458,1.829994148396431,8.102689702460106,11.929916000366212 +4.270871188668044,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.232182556644399,3.4524582624435425,3.5510666519403458,1.829994148396431,8.102689702460106,11.929916000366212 +3.964837378322294,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.232182556644399,3.4524582624435425,3.5510666519403458,1.829994148396431,8.102689702460106,11.929916000366212 +3.9954567566514014,4.3571735423930145,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.3571735423930145,3.8729251623153687,3.8874135464429855,1.8449989252902093,7.881060255334733,10.3872757434845 +4.128201534442211,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.3571735423930145,3.8729251623153687,3.8874135464429855,1.8449989252902093,7.881060255334733,10.3872757434845 +3.952817272081187,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.3571735423930145,3.8729251623153687,3.8874135464429855,1.8449989252902093,7.881060255334733,10.3872757434845 +3.873903559579661,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.3571735423930145,3.8729251623153687,3.8874135464429855,1.8449989252902093,7.881060255334733,10.3872757434845 +4.045183266091503,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.3571735423930145,3.8729251623153687,3.8874135464429855,1.8449989252902093,7.881060255334733,10.3872757434845 +3.8780147658562973,5.097490616935365,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.097490616935365,4.377569198608398,4.430924087762833,2.656619241897096,8.85773642519687,12.0146909236908 +3.8922620294517594,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.097490616935365,4.377569198608398,4.430924087762833,2.656619241897096,8.85773642519687,12.0146909236908 +3.9650813092722705,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.097490616935365,4.377569198608398,4.430924087762833,2.656619241897096,8.85773642519687,12.0146909236908 +3.8589098215495286,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.097490616935365,4.377569198608398,4.430924087762833,2.656619241897096,8.85773642519687,12.0146909236908 +4.201638751045654,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.097490616935365,4.377569198608398,4.430924087762833,2.656619241897096,8.85773642519687,12.0146909236908 +4.127280444122459,4.869961629205561,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.869961629205561,4.007748365402222,4.12675441801548,2.1333689372590245,9.168561215096332,12.678641414642339 +3.968307206642471,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.869961629205561,4.007748365402222,4.12675441801548,2.1333689372590245,9.168561215096332,12.678641414642339 +4.1746403782775525,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.869961629205561,4.007748365402222,4.12675441801548,2.1333689372590245,9.168561215096332,12.678641414642339 +4.17372040670169,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.869961629205561,4.007748365402222,4.12675441801548,2.1333689372590245,9.168561215096332,12.678641414642339 +4.070629699253722,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.869961629205561,4.007748365402222,4.12675441801548,2.1333689372590245,9.168561215096332,12.678641414642339 +4.011344133395898,4.818793958171885,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.818793958171885,4.332210540771484,4.351399317383766,2.622623420776205,7.925900185361821,9.671506118774417 +3.8050186419565426,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.818793958171885,4.332210540771484,4.351399317383766,2.622623420776205,7.925900185361821,9.671506118774417 +4.131001433239955,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.818793958171885,4.332210540771484,4.351399317383766,2.622623420776205,7.925900185361821,9.671506118774417 +3.932114409400444,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.818793958171885,4.332210540771484,4.351399317383766,2.622623420776205,7.925900185361821,9.671506118774417 +3.949288764556772,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.818793958171885,4.332210540771484,4.351399317383766,2.622623420776205,7.925900185361821,9.671506118774417 +4.06474623042894,4.632166869304282,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.632166869304282,3.647837519645691,3.799813762307167,1.8691529079954674,9.15583450236219,12.924290800094605 +3.9060680762325464,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.632166869304282,3.647837519645691,3.799813762307167,1.8691529079954674,9.15583450236219,12.924290800094605 +3.851746887517603,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.632166869304282,3.647837519645691,3.799813762307167,1.8691529079954674,9.15583450236219,12.924290800094605 +4.285211368199242,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.632166869304282,3.647837519645691,3.799813762307167,1.8691529079954674,9.15583450236219,12.924290800094605 +3.816560234599992,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.632166869304282,3.647837519645691,3.799813762307167,1.8691529079954674,9.15583450236219,12.924290800094605 +4.257500690927631,4.8915720562985605,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.8915720562985605,4.316972732543945,4.371863320469856,2.635672353683634,8.267783428760286,10.987223100662233 +4.12818834987518,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.8915720562985605,4.316972732543945,4.371863320469856,2.635672353683634,8.267783428760286,10.987223100662233 +3.941825573636513,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.8915720562985605,4.316972732543945,4.371863320469856,2.635672353683634,8.267783428760286,10.987223100662233 +4.041869970881625,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.8915720562985605,4.316972732543945,4.371863320469856,2.635672353683634,8.267783428760286,10.987223100662233 +4.027126746075718,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.8915720562985605,4.316972732543945,4.371863320469856,2.635672353683634,8.267783428760286,10.987223100662233 +4.107494279271678,4.334985427716945,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.334985427716945,3.8605501651763916,3.8840848952531815,2.3266418297240077,7.359537114488318,9.730920171737676 +3.9419824132009555,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.334985427716945,3.8605501651763916,3.8840848952531815,2.3266418297240077,7.359537114488318,9.730920171737676 +4.00156346532075,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.334985427716945,3.8605501651763916,3.8840848952531815,2.3266418297240077,7.359537114488318,9.730920171737676 +3.8705846232803243,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.334985427716945,3.8605501651763916,3.8840848952531815,2.3266418297240077,7.359537114488318,9.730920171737676 +3.969312419056108,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.334985427716945,3.8605501651763916,3.8840848952531815,2.3266418297240077,7.359537114488318,9.730920171737676 +4.0645919859801465,5.036764632831228,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.036764632831228,4.713285684585571,4.701139003038406,2.7335326506736433,7.953285095539499,9.385640621185303 +3.7996049542568233,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.036764632831228,4.713285684585571,4.701139003038406,2.7335326506736433,7.953285095539499,9.385640621185303 +3.8776969462240998,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.036764632831228,4.713285684585571,4.701139003038406,2.7335326506736433,7.953285095539499,9.385640621185303 +4.113192668772842,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.036764632831228,4.713285684585571,4.701139003038406,2.7335326506736433,7.953285095539499,9.385640621185303 +3.9123275409207534,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.036764632831228,4.713285684585571,4.701139003038406,2.7335326506736433,7.953285095539499,9.385640621185303 +4.2411787660106235,5.565882524277302,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.565882524277302,4.749262094497681,4.879156619310379,2.7858513061036456,9.719112112167034,13.245588064193726 +3.8913746417353026,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.565882524277302,4.749262094497681,4.879156619310379,2.7858513061036456,9.719112112167034,13.245588064193726 +3.932222740116872,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.565882524277302,4.749262094497681,4.879156619310379,2.7858513061036456,9.719112112167034,13.245588064193726 +3.937873813902077,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.565882524277302,4.749262094497681,4.879156619310379,2.7858513061036456,9.719112112167034,13.245588064193726 +3.9062939596607498,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.565882524277302,4.749262094497681,4.879156619310379,2.7858513061036456,9.719112112167034,13.245588064193726 +3.9636127114492026,5.353542872882904,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.353542872882904,5.0342090129852295,5.008958324790001,3.0843175459415355,8.298763092527999,9.649137687683108 +3.8103774396604613,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.353542872882904,5.0342090129852295,5.008958324790001,3.0843175459415355,8.298763092527999,9.649137687683108 +4.129652969813661,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.353542872882904,5.0342090129852295,5.008958324790001,3.0843175459415355,8.298763092527999,9.649137687683108 +3.9266078325478655,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.353542872882904,5.0342090129852295,5.008958324790001,3.0843175459415355,8.298763092527999,9.649137687683108 +4.0693256434837455,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,5.353542872882904,5.0342090129852295,5.008958324790001,3.0843175459415355,8.298763092527999,9.649137687683108 +3.8156306818519767,4.939160102225364,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.939160102225364,4.6964333057403564,4.643120497465134,3.109568438631423,7.3345297752542695,7.988376474380494 +3.8151500717785796,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.939160102225364,4.6964333057403564,4.643120497465134,3.109568438631423,7.3345297752542695,7.988376474380494 +3.8266037269250344,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.939160102225364,4.6964333057403564,4.643120497465134,3.109568438631423,7.3345297752542695,7.988376474380494 +3.9070937557440053,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.939160102225364,4.6964333057403564,4.643120497465134,3.109568438631423,7.3345297752542695,7.988376474380494 +3.8543042488004033,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.939160102225364,4.6964333057403564,4.643120497465134,3.109568438631423,7.3345297752542695,7.988376474380494 +4.001383908994888,4.500839180768804,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.500839180768804,3.9942432641983032,4.071047157049179,2.5338245782446354,7.312105513633566,9.513214159011845 +4.012910240653314,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.500839180768804,3.9942432641983032,4.071047157049179,2.5338245782446354,7.312105513633566,9.513214159011845 +4.013794977198306,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.500839180768804,3.9942432641983032,4.071047157049179,2.5338245782446354,7.312105513633566,9.513214159011845 +4.0339827775367,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.500839180768804,3.9942432641983032,4.071047157049179,2.5338245782446354,7.312105513633566,9.513214159011845 +4.09343113220836,0,4.216343035961085,3.6104836463928223,3.7030900567770004,1.3330812996372263,8.115709943974272,9.656516265869143,4.500839180768804,3.9942432641983032,4.071047157049179,2.5338245782446354,7.312105513633566,9.513214159011845 +4.061134376612149,4.159212342760664,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256 +3.9308832787369425,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256 +3.9174835704070956,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256 +4.010617027882683,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256 +4.188733355504902,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256 +4.056741515703892,4.419641705586555,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.419641705586555,3.9036452770233154,3.9608213007450104,2.3715683412044606,7.520005114535068,9.522898340225224 +4.207241734509405,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.419641705586555,3.9036452770233154,3.9608213007450104,2.3715683412044606,7.520005114535068,9.522898340225224 +3.6972666558270393,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.419641705586555,3.9036452770233154,3.9608213007450104,2.3715683412044606,7.520005114535068,9.522898340225224 +3.931316838217409,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.419641705586555,3.9036452770233154,3.9608213007450104,2.3715683412044606,7.520005114535068,9.522898340225224 +3.826810910768415,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.419641705586555,3.9036452770233154,3.9608213007450104,2.3715683412044606,7.520005114535068,9.522898340225224 +3.9691810962793075,4.936795901744924,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.936795901744924,4.174596071243286,4.31212243437767,2.495853637127166,8.687375078810023,11.618780326843265 +4.021731979674414,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.936795901744924,4.174596071243286,4.31212243437767,2.495853637127166,8.687375078810023,11.618780326843265 +4.123089107086784,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.936795901744924,4.174596071243286,4.31212243437767,2.495853637127166,8.687375078810023,11.618780326843265 +4.072347424179315,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.936795901744924,4.174596071243286,4.31212243437767,2.495853637127166,8.687375078810023,11.618780326843265 +4.1163076100772935,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.936795901744924,4.174596071243286,4.31212243437767,2.495853637127166,8.687375078810023,11.618780326843265 +4.039841618035969,4.6465691778254,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.6465691778254,4.356180906295776,4.418980821967125,2.7375480646782733,7.0905519444891745,8.131587409973145 +4.263315028579611,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.6465691778254,4.356180906295776,4.418980821967125,2.7375480646782733,7.0905519444891745,8.131587409973145 +3.937517128924006,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.6465691778254,4.356180906295776,4.418980821967125,2.7375480646782733,7.0905519444891745,8.131587409973145 +3.9489579626996267,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.6465691778254,4.356180906295776,4.418980821967125,2.7375480646782733,7.0905519444891745,8.131587409973145 +3.979458069095486,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.6465691778254,4.356180906295776,4.418980821967125,2.7375480646782733,7.0905519444891745,8.131587409973145 +3.7503296371941506,4.2116207258498415,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.2116207258498415,3.579849600791931,3.6544382721185684,2.1183528113872447,7.499923787218459,9.921635818481446 +3.977712432863681,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.2116207258498415,3.579849600791931,3.6544382721185684,2.1183528113872447,7.499923787218459,9.921635818481446 +3.889929971530249,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.2116207258498415,3.579849600791931,3.6544382721185684,2.1183528113872447,7.499923787218459,9.921635818481446 +4.210012675939422,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.2116207258498415,3.579849600791931,3.6544382721185684,2.1183528113872447,7.499923787218459,9.921635818481446 +3.9578442048085365,0,4.159212342760664,3.4352614879608154,3.5367239862680435,1.6429876095436988,8.065331509772767,11.888839626312256,4.2116207258498415,3.579849600791931,3.6544382721185684,2.1183528113872447,7.499923787218459,9.921635818481446 +3.8619066586227793,3.7433724038778466,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948 +3.738949277526454,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948 +4.058593286966023,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948 +3.7574300636194256,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948 +4.027202584319993,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948 +3.9344997452277886,4.582634834533042,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,4.582634834533042,4.167954206466675,4.206342428922653,2.4962284869336067,7.507763304608933,9.21362009048462 +3.980580266251376,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,4.582634834533042,4.167954206466675,4.206342428922653,2.4962284869336067,7.507763304608933,9.21362009048462 +3.787471854020106,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,4.582634834533042,4.167954206466675,4.206342428922653,2.4962284869336067,7.507763304608933,9.21362009048462 +4.122039134408299,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,4.582634834533042,4.167954206466675,4.206342428922653,2.4962284869336067,7.507763304608933,9.21362009048462 +3.9370221897959707,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,4.582634834533042,4.167954206466675,4.206342428922653,2.4962284869336067,7.507763304608933,9.21362009048462 +3.909165509045124,5.343287565606706,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,5.343287565606706,4.890642166137695,4.912126451730728,3.561568873993894,7.972513371325554,9.758066606521606 +3.8695848763577247,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,5.343287565606706,4.890642166137695,4.912126451730728,3.561568873993894,7.972513371325554,9.758066606521606 +3.913640936954241,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,5.343287565606706,4.890642166137695,4.912126451730728,3.561568873993894,7.972513371325554,9.758066606521606 +3.638884237016502,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,5.343287565606706,4.890642166137695,4.912126451730728,3.561568873993894,7.972513371325554,9.758066606521606 +3.7790867980373535,0,3.7433724038778466,3.153929352760315,3.2286393493413925,1.6829914653554876,6.868269615984977,8.740476846694948,5.343287565606706,4.890642166137695,4.912126451730728,3.561568873993894,7.972513371325554,9.758066606521606 +4.117861798150759,2.6810851876247437,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469 +3.9051166208166825,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469 +4.03957903589073,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469 +3.8544189930550363,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469 +3.6406380861801537,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469 +3.898838997945974,4.730813005503188,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.730813005503188,4.267827272415161,4.425931021571159,2.364547123300268,7.789504416445468,9.136308383941655 +3.8454843228192708,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.730813005503188,4.267827272415161,4.425931021571159,2.364547123300268,7.789504416445468,9.136308383941655 +4.098400588568889,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.730813005503188,4.267827272415161,4.425931021571159,2.364547123300268,7.789504416445468,9.136308383941655 +3.892750863299558,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.730813005503188,4.267827272415161,4.425931021571159,2.364547123300268,7.789504416445468,9.136308383941655 +3.975373552661193,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.730813005503188,4.267827272415161,4.425931021571159,2.364547123300268,7.789504416445468,9.136308383941655 +3.6640039067911476,3.3537700093014444,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3537700093014444,2.9655702114105225,3.030834347009659,1.42414143459594,6.012328868216657,7.404954981803893 +3.8844982795025174,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3537700093014444,2.9655702114105225,3.030834347009659,1.42414143459594,6.012328868216657,7.404954981803893 +4.049267177479832,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3537700093014444,2.9655702114105225,3.030834347009659,1.42414143459594,6.012328868216657,7.404954981803893 +3.7582928361861327,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3537700093014444,2.9655702114105225,3.030834347009659,1.42414143459594,6.012328868216657,7.404954981803893 +3.9901583988807703,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3537700093014444,2.9655702114105225,3.030834347009659,1.42414143459594,6.012328868216657,7.404954981803893 +3.824060628327884,4.539710017753408,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.539710017753408,4.018173694610596,4.0699551701545715,1.7151202477039176,8.282058573783711,10.438550567626956 +3.8804301378366195,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.539710017753408,4.018173694610596,4.0699551701545715,1.7151202477039176,8.282058573783711,10.438550567626956 +3.904007820549764,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.539710017753408,4.018173694610596,4.0699551701545715,1.7151202477039176,8.282058573783711,10.438550567626956 +3.6904257980224333,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.539710017753408,4.018173694610596,4.0699551701545715,1.7151202477039176,8.282058573783711,10.438550567626956 +3.5896372367480867,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.539710017753408,4.018173694610596,4.0699551701545715,1.7151202477039176,8.282058573783711,10.438550567626956 +3.94908435387831,4.39224644132117,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.39224644132117,3.852103352546692,3.8881280571222305,2.1843057934274066,7.556442240451244,9.335225868225105 +4.077418071717808,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.39224644132117,3.852103352546692,3.8881280571222305,2.1843057934274066,7.556442240451244,9.335225868225105 +3.889578942876113,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.39224644132117,3.852103352546692,3.8881280571222305,2.1843057934274066,7.556442240451244,9.335225868225105 +3.611474877282193,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.39224644132117,3.852103352546692,3.8881280571222305,2.1843057934274066,7.556442240451244,9.335225868225105 +3.83441543332056,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.39224644132117,3.852103352546692,3.8881280571222305,2.1843057934274066,7.556442240451244,9.335225868225105 +3.826817494787668,4.595786350838681,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.595786350838681,4.2181620597839355,4.267936587333679,2.619842052459717,7.218471983645824,8.25275845527649 +3.7909836490295437,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.595786350838681,4.2181620597839355,4.267936587333679,2.619842052459717,7.218471983645824,8.25275845527649 +3.587884385903415,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.595786350838681,4.2181620597839355,4.267936587333679,2.619842052459717,7.218471983645824,8.25275845527649 +3.84750077442119,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.595786350838681,4.2181620597839355,4.267936587333679,2.619842052459717,7.218471983645824,8.25275845527649 +3.9624244326823637,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.595786350838681,4.2181620597839355,4.267936587333679,2.619842052459717,7.218471983645824,8.25275845527649 +3.95375373332124,3.702504258682119,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.702504258682119,3.4749547243118286,3.476596936583519,1.7397191543528374,6.274243395379249,7.195712947845459 +3.7860821806678646,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.702504258682119,3.4749547243118286,3.476596936583519,1.7397191543528374,6.274243395379249,7.195712947845459 +3.76195583312135,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.702504258682119,3.4749547243118286,3.476596936583519,1.7397191543528374,6.274243395379249,7.195712947845459 +4.136620924661034,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.702504258682119,3.4749547243118286,3.476596936583519,1.7397191543528374,6.274243395379249,7.195712947845459 +3.9151908502374826,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.702504258682119,3.4749547243118286,3.476596936583519,1.7397191543528374,6.274243395379249,7.195712947845459 +4.1501555234782,4.712817872458316,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.712817872458316,4.274565935134888,4.312963232398033,2.6938424338685705,7.569559066853625,8.924542903900148 +3.8918042858376314,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.712817872458316,4.274565935134888,4.312963232398033,2.6938424338685705,7.569559066853625,8.924542903900148 +3.8201793930444277,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.712817872458316,4.274565935134888,4.312963232398033,2.6938424338685705,7.569559066853625,8.924542903900148 +3.868274217883223,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.712817872458316,4.274565935134888,4.312963232398033,2.6938424338685705,7.569559066853625,8.924542903900148 +3.9916067673579643,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.712817872458316,4.274565935134888,4.312963232398033,2.6938424338685705,7.569559066853625,8.924542903900148 +4.0788324000019776,4.560265006537133,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.560265006537133,4.215634346008301,4.27303172647953,2.5704197300241347,7.103703874222775,7.630685210227966 +4.061126740178779,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.560265006537133,4.215634346008301,4.27303172647953,2.5704197300241347,7.103703874222775,7.630685210227966 +3.51266327349371,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.560265006537133,4.215634346008301,4.27303172647953,2.5704197300241347,7.103703874222775,7.630685210227966 +4.0401497644421305,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.560265006537133,4.215634346008301,4.27303172647953,2.5704197300241347,7.103703874222775,7.630685210227966 +3.807498119202884,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.560265006537133,4.215634346008301,4.27303172647953,2.5704197300241347,7.103703874222775,7.630685210227966 +3.9763925871370653,4.770538476553369,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.770538476553369,4.177449703216553,4.293049782514572,2.174123609319646,8.361364182005538,10.207022285461427 +3.960416048608328,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.770538476553369,4.177449703216553,4.293049782514572,2.174123609319646,8.361364182005538,10.207022285461427 +3.8154749662860445,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.770538476553369,4.177449703216553,4.293049782514572,2.174123609319646,8.361364182005538,10.207022285461427 +4.006330489994664,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.770538476553369,4.177449703216553,4.293049782514572,2.174123609319646,8.361364182005538,10.207022285461427 +4.0003458023463425,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.770538476553369,4.177449703216553,4.293049782514572,2.174123609319646,8.361364182005538,10.207022285461427 +3.623474271791546,3.766241542836453,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.766241542836453,3.4078630208969116,3.5178249329328537,1.8110789390320474,6.253181772029146,7.091102409362793 +3.9951991590622224,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.766241542836453,3.4078630208969116,3.5178249329328537,1.8110789390320474,6.253181772029146,7.091102409362793 +3.709350590054926,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.766241542836453,3.4078630208969116,3.5178249329328537,1.8110789390320474,6.253181772029146,7.091102409362793 +3.8402140799321627,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.766241542836453,3.4078630208969116,3.5178249329328537,1.8110789390320474,6.253181772029146,7.091102409362793 +4.01209951250961,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.766241542836453,3.4078630208969116,3.5178249329328537,1.8110789390320474,6.253181772029146,7.091102409362793 +3.995634611029374,5.204533709807599,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.204533709807599,4.800005912780762,4.886191681027412,2.892526939828345,8.167859442690586,9.076312971115113 +4.072485129064635,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.204533709807599,4.800005912780762,4.886191681027412,2.892526939828345,8.167859442690586,9.076312971115113 +3.6865412164675564,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.204533709807599,4.800005912780762,4.886191681027412,2.892526939828345,8.167859442690586,9.076312971115113 +3.6018395702109527,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.204533709807599,4.800005912780762,4.886191681027412,2.892526939828345,8.167859442690586,9.076312971115113 +3.8490969970822335,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.204533709807599,4.800005912780762,4.886191681027412,2.892526939828345,8.167859442690586,9.076312971115113 +3.6874767873828347,4.635418455017374,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.635418455017374,4.321006536483765,4.394540101289749,2.849108931866098,6.857431046506192,7.56247096061707 +3.8661902413360383,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.635418455017374,4.321006536483765,4.394540101289749,2.849108931866098,6.857431046506192,7.56247096061707 +3.8578782358059756,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.635418455017374,4.321006536483765,4.394540101289749,2.849108931866098,6.857431046506192,7.56247096061707 +3.8735289212120207,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.635418455017374,4.321006536483765,4.394540101289749,2.849108931866098,6.857431046506192,7.56247096061707 +3.9157491359859704,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.635418455017374,4.321006536483765,4.394540101289749,2.849108931866098,6.857431046506192,7.56247096061707 +3.847302790770405,3.5878415523057288,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.5878415523057288,3.0714447498321533,3.193875700235367,1.4878891871330586,6.403117058124948,6.962101864814759 +3.923245762994415,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.5878415523057288,3.0714447498321533,3.193875700235367,1.4878891871330586,6.403117058124948,6.962101864814759 +4.102686472923348,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.5878415523057288,3.0714447498321533,3.193875700235367,1.4878891871330586,6.403117058124948,6.962101864814759 +4.053239058467903,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.5878415523057288,3.0714447498321533,3.193875700235367,1.4878891871330586,6.403117058124948,6.962101864814759 +3.7596005519754008,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.5878415523057288,3.0714447498321533,3.193875700235367,1.4878891871330586,6.403117058124948,6.962101864814759 +3.736503262719826,4.034577915009032,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.034577915009032,3.4458121061325073,3.5205737203359604,1.8727108519128028,7.164916008076769,9.226205396652222 +3.7502760181497585,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.034577915009032,3.4458121061325073,3.5205737203359604,1.8727108519128028,7.164916008076769,9.226205396652222 +3.8246401657007243,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.034577915009032,3.4458121061325073,3.5205737203359604,1.8727108519128028,7.164916008076769,9.226205396652222 +4.084370392502138,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.034577915009032,3.4458121061325073,3.5205737203359604,1.8727108519128028,7.164916008076769,9.226205396652222 +3.899494008915989,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.034577915009032,3.4458121061325073,3.5205737203359604,1.8727108519128028,7.164916008076769,9.226205396652222 +3.6983917587289685,3.343219206212683,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.343219206212683,2.955388307571411,2.9651691541075706,1.3702121167740924,6.09415424630997,7.305502557754519 +3.939248841648039,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.343219206212683,2.955388307571411,2.9651691541075706,1.3702121167740924,6.09415424630997,7.305502557754519 +3.6766805990157945,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.343219206212683,2.955388307571411,2.9651691541075706,1.3702121167740924,6.09415424630997,7.305502557754519 +3.994395790327536,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.343219206212683,2.955388307571411,2.9651691541075706,1.3702121167740924,6.09415424630997,7.305502557754519 +3.6661400041297862,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.343219206212683,2.955388307571411,2.9651691541075706,1.3702121167740924,6.09415424630997,7.305502557754519 +3.7182196145191004,4.4999577019442905,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.4999577019442905,3.911012887954712,4.00281848013401,2.40756242199147,7.588972700403092,9.712750482559205 +3.938413205154632,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.4999577019442905,3.911012887954712,4.00281848013401,2.40756242199147,7.588972700403092,9.712750482559205 +3.894440719289215,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.4999577019442905,3.911012887954712,4.00281848013401,2.40756242199147,7.588972700403092,9.712750482559205 +3.6062273479605977,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.4999577019442905,3.911012887954712,4.00281848013401,2.40756242199147,7.588972700403092,9.712750482559205 +3.5377453014842772,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.4999577019442905,3.911012887954712,4.00281848013401,2.40756242199147,7.588972700403092,9.712750482559205 +3.950626935123613,4.2341450132588125,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.2341450132588125,3.5318050384521484,3.6796339452266693,1.864221307825535,7.722081509042294,9.638841629028322 +3.874265999699894,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.2341450132588125,3.5318050384521484,3.6796339452266693,1.864221307825535,7.722081509042294,9.638841629028322 +3.7347326003799313,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.2341450132588125,3.5318050384521484,3.6796339452266693,1.864221307825535,7.722081509042294,9.638841629028322 +3.6109451595889897,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.2341450132588125,3.5318050384521484,3.6796339452266693,1.864221307825535,7.722081509042294,9.638841629028322 +3.643301184357781,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.2341450132588125,3.5318050384521484,3.6796339452266693,1.864221307825535,7.722081509042294,9.638841629028322 +3.890471669325703,4.332479099168422,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.332479099168422,3.745661973953247,3.8704660683870316,1.8517608699646402,7.793856438170088,9.33060007095337 +3.7918211070722654,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.332479099168422,3.745661973953247,3.8704660683870316,1.8517608699646402,7.793856438170088,9.33060007095337 +3.6423400209530405,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.332479099168422,3.745661973953247,3.8704660683870316,1.8517608699646402,7.793856438170088,9.33060007095337 +3.6728561957023644,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.332479099168422,3.745661973953247,3.8704660683870316,1.8517608699646402,7.793856438170088,9.33060007095337 +3.6078451849520206,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.332479099168422,3.745661973953247,3.8704660683870316,1.8517608699646402,7.793856438170088,9.33060007095337 +3.8124233622299997,3.200909193050354,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.200909193050354,2.803235650062561,2.8289933428168297,1.411540356722284,5.747293583890225,6.889830994606021 +3.714924258934824,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.200909193050354,2.803235650062561,2.8289933428168297,1.411540356722284,5.747293583890225,6.889830994606021 +3.7173216593696883,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.200909193050354,2.803235650062561,2.8289933428168297,1.411540356722284,5.747293583890225,6.889830994606021 +3.7623760922762908,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.200909193050354,2.803235650062561,2.8289933428168297,1.411540356722284,5.747293583890225,6.889830994606021 +3.861631440802624,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.200909193050354,2.803235650062561,2.8289933428168297,1.411540356722284,5.747293583890225,6.889830994606021 +3.726237209376536,4.3412726838537985,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.3412726838537985,3.8101248741149902,3.9164111614227295,1.6981510304390115,7.807666433618424,9.14446578025818 +3.9804013105599503,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.3412726838537985,3.8101248741149902,3.9164111614227295,1.6981510304390115,7.807666433618424,9.14446578025818 +3.8398966565139983,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.3412726838537985,3.8101248741149902,3.9164111614227295,1.6981510304390115,7.807666433618424,9.14446578025818 +3.9459239268381343,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.3412726838537985,3.8101248741149902,3.9164111614227295,1.6981510304390115,7.807666433618424,9.14446578025818 +4.0424999822519325,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.3412726838537985,3.8101248741149902,3.9164111614227295,1.6981510304390115,7.807666433618424,9.14446578025818 +3.7169992768646853,3.552252713511599,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.552252713511599,3.176500916481018,3.2190527617931366,1.602397304266057,6.123303352518285,6.881660532951356 +3.5557275255259713,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.552252713511599,3.176500916481018,3.2190527617931366,1.602397304266057,6.123303352518285,6.881660532951356 +3.627276014458192,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.552252713511599,3.176500916481018,3.2190527617931366,1.602397304266057,6.123303352518285,6.881660532951356 +3.661546449696547,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.552252713511599,3.176500916481018,3.2190527617931366,1.602397304266057,6.123303352518285,6.881660532951356 +3.7280224242688793,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.552252713511599,3.176500916481018,3.2190527617931366,1.602397304266057,6.123303352518285,6.881660532951356 +3.6096938907707994,3.4588520133748966,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.4588520133748966,2.9886127710342407,3.0620576664805412,1.2669434547424316,6.458097183958013,7.597235989570617 +3.751988573176296,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.4588520133748966,2.9886127710342407,3.0620576664805412,1.2669434547424316,6.458097183958013,7.597235989570617 +3.7950674141316036,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.4588520133748966,2.9886127710342407,3.0620576664805412,1.2669434547424316,6.458097183958013,7.597235989570617 +3.7979916738444253,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.4588520133748966,2.9886127710342407,3.0620576664805412,1.2669434547424316,6.458097183958013,7.597235989570617 +3.665164324170665,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.4588520133748966,2.9886127710342407,3.0620576664805412,1.2669434547424316,6.458097183958013,7.597235989570617 +4.193352526406708,4.025244529894057,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.025244529894057,3.575212240219116,3.628576934337616,2.1326964243929436,6.77079739469163,8.584629631042482 +3.6716711004705807,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.025244529894057,3.575212240219116,3.628576934337616,2.1326964243929436,6.77079739469163,8.584629631042482 +3.9858606603192657,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.025244529894057,3.575212240219116,3.628576934337616,2.1326964243929436,6.77079739469163,8.584629631042482 +3.555006280992376,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.025244529894057,3.575212240219116,3.628576934337616,2.1326964243929436,6.77079739469163,8.584629631042482 +3.8039703594618723,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.025244529894057,3.575212240219116,3.628576934337616,2.1326964243929436,6.77079739469163,8.584629631042482 +3.890876531228423,4.316028983669078,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.316028983669078,3.892765164375305,3.9494539946317673,2.3770915624943187,7.096805998619566,9.026373100280765 +3.9429064319714118,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.316028983669078,3.892765164375305,3.9494539946317673,2.3770915624943187,7.096805998619566,9.026373100280765 +3.679757217004111,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.316028983669078,3.892765164375305,3.9494539946317673,2.3770915624943187,7.096805998619566,9.026373100280765 +3.6903331907956223,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.316028983669078,3.892765164375305,3.9494539946317673,2.3770915624943187,7.096805998619566,9.026373100280765 +3.5988792795883984,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.316028983669078,3.892765164375305,3.9494539946317673,2.3770915624943187,7.096805998619566,9.026373100280765 +3.972846589668801,3.8821392338326635,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.8821392338326635,3.6051602363586426,3.6972578018903732,2.1727202851721583,6.094728226357318,7.421030688285829 +4.072516408582267,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.8821392338326635,3.6051602363586426,3.6972578018903732,2.1727202851721583,6.094728226357318,7.421030688285829 +3.83808322348877,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.8821392338326635,3.6051602363586426,3.6972578018903732,2.1727202851721583,6.094728226357318,7.421030688285829 +3.8071918352654106,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.8821392338326635,3.6051602363586426,3.6972578018903732,2.1727202851721583,6.094728226357318,7.421030688285829 +3.631733071019775,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.8821392338326635,3.6051602363586426,3.6972578018903732,2.1727202851721583,6.094728226357318,7.421030688285829 +3.810882208613973,4.429119765758514,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.429119765758514,4.057143211364746,4.131482020020485,2.6734169899149145,6.877812375413611,8.108276867866516 +3.8445833574392294,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.429119765758514,4.057143211364746,4.131482020020485,2.6734169899149145,6.877812375413611,8.108276867866516 +3.6585363783138365,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.429119765758514,4.057143211364746,4.131482020020485,2.6734169899149145,6.877812375413611,8.108276867866516 +3.730702929728125,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.429119765758514,4.057143211364746,4.131482020020485,2.6734169899149145,6.877812375413611,8.108276867866516 +3.4031560387658444,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.429119765758514,4.057143211364746,4.131482020020485,2.6734169899149145,6.877812375413611,8.108276867866516 +3.854959331688128,4.623905841974502,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.623905841974502,4.157130002975464,4.229144781827927,2.560619980730909,7.577799766621691,8.640361976623538 +3.5641280294837134,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.623905841974502,4.157130002975464,4.229144781827927,2.560619980730909,7.577799766621691,8.640361976623538 +3.5899984206612174,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.623905841974502,4.157130002975464,4.229144781827927,2.560619980730909,7.577799766621691,8.640361976623538 +3.785915208725553,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.623905841974502,4.157130002975464,4.229144781827927,2.560619980730909,7.577799766621691,8.640361976623538 +3.9097951895704397,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.623905841974502,4.157130002975464,4.229144781827927,2.560619980730909,7.577799766621691,8.640361976623538 +3.7077486385640346,5.080931971681879,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.080931971681879,4.69114351272583,4.838453501462936,2.998280905662699,7.667050737015744,8.26736798286438 +3.550690812950856,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.080931971681879,4.69114351272583,4.838453501462936,2.998280905662699,7.667050737015744,8.26736798286438 +4.042353157385399,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.080931971681879,4.69114351272583,4.838453501462936,2.998280905662699,7.667050737015744,8.26736798286438 +4.0072280111673635,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.080931971681879,4.69114351272583,4.838453501462936,2.998280905662699,7.667050737015744,8.26736798286438 +3.96872769939272,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.080931971681879,4.69114351272583,4.838453501462936,2.998280905662699,7.667050737015744,8.26736798286438 +3.502964947627563,3.757293135680734,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.757293135680734,3.5147886276245117,3.4817706048488617,1.55438019921805,6.543951754874372,7.5676345348358165 +3.8143305499302715,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.757293135680734,3.5147886276245117,3.4817706048488617,1.55438019921805,6.543951754874372,7.5676345348358165 +4.09195185303688,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.757293135680734,3.5147886276245117,3.4817706048488617,1.55438019921805,6.543951754874372,7.5676345348358165 +3.680790206633116,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.757293135680734,3.5147886276245117,3.4817706048488617,1.55438019921805,6.543951754874372,7.5676345348358165 +3.683489395815291,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.757293135680734,3.5147886276245117,3.4817706048488617,1.55438019921805,6.543951754874372,7.5676345348358165 +3.7701262954034305,4.026016407507531,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.026016407507531,3.8235780000686646,3.862402692437172,2.1127902484954673,6.358737346973825,6.9945255517959595 +3.8237411262761607,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.026016407507531,3.8235780000686646,3.862402692437172,2.1127902484954673,6.358737346973825,6.9945255517959595 +3.6057114822299856,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.026016407507531,3.8235780000686646,3.862402692437172,2.1127902484954673,6.358737346973825,6.9945255517959595 +4.056910950651294,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.026016407507531,3.8235780000686646,3.862402692437172,2.1127902484954673,6.358737346973825,6.9945255517959595 +3.8405842816359117,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.026016407507531,3.8235780000686646,3.862402692437172,2.1127902484954673,6.358737346973825,6.9945255517959595 +3.842162760621623,3.836942916062284,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.836942916062284,3.458639979362488,3.5116497427225113,1.8654884118983086,6.445182698838254,8.380547904968264 +3.7170539177169926,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.836942916062284,3.458639979362488,3.5116497427225113,1.8654884118983086,6.445182698838254,8.380547904968264 +3.789676811585301,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.836942916062284,3.458639979362488,3.5116497427225113,1.8654884118983086,6.445182698838254,8.380547904968264 +3.832996998295972,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.836942916062284,3.458639979362488,3.5116497427225113,1.8654884118983086,6.445182698838254,8.380547904968264 +3.905755872710755,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.836942916062284,3.458639979362488,3.5116497427225113,1.8654884118983086,6.445182698838254,8.380547904968264 +3.749923989196357,3.800965136353006,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.800965136353006,3.5270875692367554,3.56673601269722,1.9396242372533108,6.22082135017882,7.42502489089966 +4.085098149078457,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.800965136353006,3.5270875692367554,3.56673601269722,1.9396242372533108,6.22082135017882,7.42502489089966 +3.745105514675379,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.800965136353006,3.5270875692367554,3.56673601269722,1.9396242372533108,6.22082135017882,7.42502489089966 +3.7898517440808446,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.800965136353006,3.5270875692367554,3.56673601269722,1.9396242372533108,6.22082135017882,7.42502489089966 +3.7164322970729127,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.800965136353006,3.5270875692367554,3.56673601269722,1.9396242372533108,6.22082135017882,7.42502489089966 +4.097155791266184,4.09117306229916,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.09117306229916,3.7842034101486206,3.784009501338005,2.2618777016375926,6.381316945907917,7.49050943851471 +3.8845339255701554,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.09117306229916,3.7842034101486206,3.784009501338005,2.2618777016375926,6.381316945907917,7.49050943851471 +3.991594150662422,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.09117306229916,3.7842034101486206,3.784009501338005,2.2618777016375926,6.381316945907917,7.49050943851471 +3.7465072550271685,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.09117306229916,3.7842034101486206,3.784009501338005,2.2618777016375926,6.381316945907917,7.49050943851471 +3.9584136553108693,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.09117306229916,3.7842034101486206,3.784009501338005,2.2618777016375926,6.381316945907917,7.49050943851471 +3.793971577031832,3.3291055713482995,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3291055713482995,2.734900712966919,2.8174018040299416,1.3091691610343912,6.404366498297834,8.94324359893799 +3.815986419939681,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3291055713482995,2.734900712966919,2.8174018040299416,1.3091691610343912,6.404366498297834,8.94324359893799 +3.7155893101503974,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3291055713482995,2.734900712966919,2.8174018040299416,1.3091691610343912,6.404366498297834,8.94324359893799 +3.899647782488089,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3291055713482995,2.734900712966919,2.8174018040299416,1.3091691610343912,6.404366498297834,8.94324359893799 +3.587700662722713,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.3291055713482995,2.734900712966919,2.8174018040299416,1.3091691610343912,6.404366498297834,8.94324359893799 +3.9703325352386423,3.433146263849228,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.433146263849228,2.9932297468185425,2.9750474095344543,1.5392462300493361,6.169056481503426,8.198261785507203 +3.710198970099813,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.433146263849228,2.9932297468185425,2.9750474095344543,1.5392462300493361,6.169056481503426,8.198261785507203 +3.672520284080192,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.433146263849228,2.9932297468185425,2.9750474095344543,1.5392462300493361,6.169056481503426,8.198261785507203 +3.866940866332305,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.433146263849228,2.9932297468185425,2.9750474095344543,1.5392462300493361,6.169056481503426,8.198261785507203 +3.497269830735106,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.433146263849228,2.9932297468185425,2.9750474095344543,1.5392462300493361,6.169056481503426,8.198261785507203 +3.8685641721087065,3.424631526971117,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.424631526971117,3.2231558561325073,3.2486701905727386,1.7457966544526689,5.526068393220293,6.500344562530518 +4.00559449689953,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.424631526971117,3.2231558561325073,3.2486701905727386,1.7457966544526689,5.526068393220293,6.500344562530518 +3.6055570169499047,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.424631526971117,3.2231558561325073,3.2486701905727386,1.7457966544526689,5.526068393220293,6.500344562530518 +3.903469063655326,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.424631526971117,3.2231558561325073,3.2486701905727386,1.7457966544526689,5.526068393220293,6.500344562530518 +3.841225738980268,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.424631526971117,3.2231558561325073,3.2486701905727386,1.7457966544526689,5.526068393220293,6.500344562530518 +3.8131246235025555,4.1456065954680135,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.1456065954680135,3.882973551750183,3.8925996273756027,2.2515223546231047,6.515149116516113,7.6835595130920415 +3.878101223530738,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.1456065954680135,3.882973551750183,3.8925996273756027,2.2515223546231047,6.515149116516113,7.6835595130920415 +3.936862946576194,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.1456065954680135,3.882973551750183,3.8925996273756027,2.2515223546231047,6.515149116516113,7.6835595130920415 +3.827087095144548,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.1456065954680135,3.882973551750183,3.8925996273756027,2.2515223546231047,6.515149116516113,7.6835595130920415 +3.7166638105127374,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.1456065954680135,3.882973551750183,3.8925996273756027,2.2515223546231047,6.515149116516113,7.6835595130920415 +3.797519960215217,2.87142284816884,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.87142284816884,2.56498384475708,2.5499487668275833,1.1131435937069831,5.2832489064399235,6.319918322563173 +3.553106429545503,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.87142284816884,2.56498384475708,2.5499487668275833,1.1131435937069831,5.2832489064399235,6.319918322563173 +3.613962447368785,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.87142284816884,2.56498384475708,2.5499487668275833,1.1131435937069831,5.2832489064399235,6.319918322563173 +3.6342072657260456,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.87142284816884,2.56498384475708,2.5499487668275833,1.1131435937069831,5.2832489064399235,6.319918322563173 +3.514202447314011,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.87142284816884,2.56498384475708,2.5499487668275833,1.1131435937069831,5.2832489064399235,6.319918322563173 +3.7336778234102224,4.419487954890157,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.419487954890157,4.159510374069214,4.230629026889801,2.3234510489917817,6.94989712694858,7.7707750082016 +3.8878429939480204,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.419487954890157,4.159510374069214,4.230629026889801,2.3234510489917817,6.94989712694858,7.7707750082016 +3.933796824514866,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.419487954890157,4.159510374069214,4.230629026889801,2.3234510489917817,6.94989712694858,7.7707750082016 +3.858892052267727,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.419487954890157,4.159510374069214,4.230629026889801,2.3234510489917817,6.94989712694858,7.7707750082016 +3.5874564187307105,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.419487954890157,4.159510374069214,4.230629026889801,2.3234510489917817,6.94989712694858,7.7707750082016 +3.5257658037700152,5.678960248510888,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.678960248510888,5.236670017242432,5.299320071935654,3.358625092404954,8.776978299972859,10.461100721359255 +3.844290323437829,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.678960248510888,5.236670017242432,5.299320071935654,3.358625092404954,8.776978299972859,10.461100721359255 +3.52730091843558,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.678960248510888,5.236670017242432,5.299320071935654,3.358625092404954,8.776978299972859,10.461100721359255 +3.888244965946988,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.678960248510888,5.236670017242432,5.299320071935654,3.358625092404954,8.776978299972859,10.461100721359255 +3.5278939902390305,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,5.678960248510888,5.236670017242432,5.299320071935654,3.358625092404954,8.776978299972859,10.461100721359255 +3.6502514109211535,4.49915338355176,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.49915338355176,4.377501487731934,4.345812737941742,2.2741598537627685,7.04285010885685,8.001376128196716 +3.8919890018474113,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.49915338355176,4.377501487731934,4.345812737941742,2.2741598537627685,7.04285010885685,8.001376128196716 +3.902026771773633,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.49915338355176,4.377501487731934,4.345812737941742,2.2741598537627685,7.04285010885685,8.001376128196716 +3.66392346569582,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.49915338355176,4.377501487731934,4.345812737941742,2.2741598537627685,7.04285010885685,8.001376128196716 +3.834556796872302,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.49915338355176,4.377501487731934,4.345812737941742,2.2741598537627685,7.04285010885685,8.001376128196716 +3.686901738455421,3.484520723845096,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.484520723845096,2.8942476511001587,3.05147448182106,1.532292054054585,6.376433747880002,7.803466701507569 +3.969871724396944,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.484520723845096,2.8942476511001587,3.05147448182106,1.532292054054585,6.376433747880002,7.803466701507569 +3.553439149652657,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.484520723845096,2.8942476511001587,3.05147448182106,1.532292054054585,6.376433747880002,7.803466701507569 +3.842809597010675,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.484520723845096,2.8942476511001587,3.05147448182106,1.532292054054585,6.376433747880002,7.803466701507569 +3.7735316683587277,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.484520723845096,2.8942476511001587,3.05147448182106,1.532292054054585,6.376433747880002,7.803466701507569 +3.555905888445283,4.716171340105381,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.716171340105381,4.1812334060668945,4.264854371547699,2.7983289297590863,7.654795271285037,9.41536774635315 +3.791274945633976,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.716171340105381,4.1812334060668945,4.264854371547699,2.7983289297590863,7.654795271285037,9.41536774635315 +3.8960081517304244,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.716171340105381,4.1812334060668945,4.264854371547699,2.7983289297590863,7.654795271285037,9.41536774635315 +3.958528948653685,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.716171340105381,4.1812334060668945,4.264854371547699,2.7983289297590863,7.654795271285037,9.41536774635315 +3.591775984003356,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.716171340105381,4.1812334060668945,4.264854371547699,2.7983289297590863,7.654795271285037,9.41536774635315 +3.802204564684316,3.1115771642232195,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.1115771642232195,2.833101987838745,2.8470929861068726,1.2985698755117172,5.414206692512999,6.505313348770142 +3.708505987062266,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.1115771642232195,2.833101987838745,2.8470929861068726,1.2985698755117172,5.414206692512999,6.505313348770142 +3.782056665361712,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.1115771642232195,2.833101987838745,2.8470929861068726,1.2985698755117172,5.414206692512999,6.505313348770142 +3.7725793894968533,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.1115771642232195,2.833101987838745,2.8470929861068726,1.2985698755117172,5.414206692512999,6.505313348770142 +3.6058182709115116,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.1115771642232195,2.833101987838745,2.8470929861068726,1.2985698755117172,5.414206692512999,6.505313348770142 +4.012453779852704,3.698797020902659,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.698797020902659,3.478429675102234,3.509679436683655,2.015986570969541,5.816728916574032,6.587781047821045 +3.7931344383641292,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.698797020902659,3.478429675102234,3.509679436683655,2.015986570969541,5.816728916574032,6.587781047821045 +3.8163286831425993,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.698797020902659,3.478429675102234,3.509679436683655,2.015986570969541,5.816728916574032,6.587781047821045 +3.508580094575882,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.698797020902659,3.478429675102234,3.509679436683655,2.015986570969541,5.816728916574032,6.587781047821045 +3.621465370117834,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.698797020902659,3.478429675102234,3.509679436683655,2.015986570969541,5.816728916574032,6.587781047821045 +3.6629864541323562,3.6212861463427544,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.6212861463427544,2.895938515663147,3.021052211523056,1.5754345281327025,6.892436849310043,9.267178344726563 +3.7164344636821434,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.6212861463427544,2.895938515663147,3.021052211523056,1.5754345281327025,6.892436849310043,9.267178344726563 +3.649030741108091,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.6212861463427544,2.895938515663147,3.021052211523056,1.5754345281327025,6.892436849310043,9.267178344726563 +3.8904011516978865,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.6212861463427544,2.895938515663147,3.021052211523056,1.5754345281327025,6.892436849310043,9.267178344726563 +3.943476324332388,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.6212861463427544,2.895938515663147,3.021052211523056,1.5754345281327025,6.892436849310043,9.267178344726563 +3.7377155165531133,3.811050107662982,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.811050107662982,3.525309920310974,3.514060229063034,1.9903379177793543,6.26309668764155,7.55873010158539 +3.520668131034625,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.811050107662982,3.525309920310974,3.514060229063034,1.9903379177793543,6.26309668764155,7.55873010158539 +3.5956485170282817,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.811050107662982,3.525309920310974,3.514060229063034,1.9903379177793543,6.26309668764155,7.55873010158539 +3.9051673324288507,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.811050107662982,3.525309920310974,3.514060229063034,1.9903379177793543,6.26309668764155,7.55873010158539 +3.6877009069645093,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.811050107662982,3.525309920310974,3.514060229063034,1.9903379177793543,6.26309668764155,7.55873010158539 +3.7083096735963696,3.0731474519410034,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.0731474519410034,2.7160189151763916,2.742377020418644,1.270675868430036,5.618215586276764,6.812029910087586 +3.6056711218466884,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.0731474519410034,2.7160189151763916,2.742377020418644,1.270675868430036,5.618215586276764,6.812029910087586 +3.7686571357281586,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.0731474519410034,2.7160189151763916,2.742377020418644,1.270675868430036,5.618215586276764,6.812029910087586 +3.8195345623516723,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.0731474519410034,2.7160189151763916,2.742377020418644,1.270675868430036,5.618215586276764,6.812029910087586 +3.9216897652729563,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.0731474519410034,2.7160189151763916,2.742377020418644,1.270675868430036,5.618215586276764,6.812029910087586 +3.8396374611478103,2.875733782834512,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.875733782834512,2.466775894165039,2.4915324598550797,0.9415819830399879,5.636223919848178,6.538016676902771 +3.7424090297794654,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.875733782834512,2.466775894165039,2.4915324598550797,0.9415819830399879,5.636223919848178,6.538016676902771 +3.720633888989687,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.875733782834512,2.466775894165039,2.4915324598550797,0.9415819830399879,5.636223919848178,6.538016676902771 +3.6817446786322092,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.875733782834512,2.466775894165039,2.4915324598550797,0.9415819830399879,5.636223919848178,6.538016676902771 +3.441780837507624,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.875733782834512,2.466775894165039,2.4915324598550797,0.9415819830399879,5.636223919848178,6.538016676902771 +3.681667176477219,4.422247072166585,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.422247072166585,4.188856363296509,4.154785767197609,2.5665282175896014,6.8638112291376645,7.763944530487062 +3.988326962880398,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.422247072166585,4.188856363296509,4.154785767197609,2.5665282175896014,6.8638112291376645,7.763944530487062 +3.723463440059047,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.422247072166585,4.188856363296509,4.154785767197609,2.5665282175896014,6.8638112291376645,7.763944530487062 +3.6406712977901887,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.422247072166585,4.188856363296509,4.154785767197609,2.5665282175896014,6.8638112291376645,7.763944530487062 +3.642771032923146,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.422247072166585,4.188856363296509,4.154785767197609,2.5665282175896014,6.8638112291376645,7.763944530487062 +3.6609160974817843,4.379671030856193,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.379671030856193,3.9179913997650146,3.9862119406461716,2.6213485281518163,6.928494808521677,8.319829845428469 +3.9424980705505925,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.379671030856193,3.9179913997650146,3.9862119406461716,2.6213485281518163,6.928494808521677,8.319829845428469 +3.9528375658941894,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.379671030856193,3.9179913997650146,3.9862119406461716,2.6213485281518163,6.928494808521677,8.319829845428469 +3.7313558060871928,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.379671030856193,3.9179913997650146,3.9862119406461716,2.6213485281518163,6.928494808521677,8.319829845428469 +3.60498933641142,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.379671030856193,3.9179913997650146,3.9862119406461716,2.6213485281518163,6.928494808521677,8.319829845428469 +3.6929658681938524,3.479768191563322,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.479768191563322,3.1405203342437744,3.2487984895706177,1.904695750551021,5.586126591296906,6.668008470535279 +3.3843884401415525,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.479768191563322,3.1405203342437744,3.2487984895706177,1.904695750551021,5.586126591296906,6.668008470535279 +3.6726784149674994,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.479768191563322,3.1405203342437744,3.2487984895706177,1.904695750551021,5.586126591296906,6.668008470535279 +3.604827363102844,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.479768191563322,3.1405203342437744,3.2487984895706177,1.904695750551021,5.586126591296906,6.668008470535279 +3.6648346616445404,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.479768191563322,3.1405203342437744,3.2487984895706177,1.904695750551021,5.586126591296906,6.668008470535279 +3.5932130597923932,2.8411200537167964,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.8411200537167964,2.490782380104065,2.4970835000276566,1.0928469246372263,5.359239218082834,6.579946589469909 +3.5514712644250768,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.8411200537167964,2.490782380104065,2.4970835000276566,1.0928469246372263,5.359239218082834,6.579946589469909 +3.794828924242603,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.8411200537167964,2.490782380104065,2.4970835000276566,1.0928469246372263,5.359239218082834,6.579946589469909 +3.6505613136840496,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.8411200537167964,2.490782380104065,2.4970835000276566,1.0928469246372263,5.359239218082834,6.579946589469909 +3.9842205518170406,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.8411200537167964,2.490782380104065,2.4970835000276566,1.0928469246372263,5.359239218082834,6.579946589469909 +3.5026378679040233,2.858593320592921,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.858593320592921,2.3633915185928345,2.484861060976982,1.211007166416087,5.296564365955109,6.56076581478119 +3.6017522388186896,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.858593320592921,2.3633915185928345,2.484861060976982,1.211007166416087,5.296564365955109,6.56076581478119 +3.806847459058228,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.858593320592921,2.3633915185928345,2.484861060976982,1.211007166416087,5.296564365955109,6.56076581478119 +3.738747071631645,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.858593320592921,2.3633915185928345,2.484861060976982,1.211007166416087,5.296564365955109,6.56076581478119 +3.7965739561931082,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.858593320592921,2.3633915185928345,2.484861060976982,1.211007166416087,5.296564365955109,6.56076581478119 +3.728305568408809,3.225043518746153,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.225043518746153,2.875062346458435,2.919004514813423,1.580792305317331,5.5052346675953965,6.893305587768555 +3.454951589632975,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.225043518746153,2.875062346458435,2.919004514813423,1.580792305317331,5.5052346675953965,6.893305587768555 +3.649674644164349,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.225043518746153,2.875062346458435,2.919004514813423,1.580792305317331,5.5052346675953965,6.893305587768555 +3.5086774691155083,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.225043518746153,2.875062346458435,2.919004514813423,1.580792305317331,5.5052346675953965,6.893305587768555 +3.499827354322923,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.225043518746153,2.875062346458435,2.919004514813423,1.580792305317331,5.5052346675953965,6.893305587768555 +3.728641074974286,2.849064050678243,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.849064050678243,2.3933030366897583,2.4468523487448692,1.1819453131645283,5.327937856633612,7.141233325004578 +3.813667550643808,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.849064050678243,2.3933030366897583,2.4468523487448692,1.1819453131645283,5.327937856633612,7.141233325004578 +3.7693054851732755,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.849064050678243,2.3933030366897583,2.4468523487448692,1.1819453131645283,5.327937856633612,7.141233325004578 +3.6430557965840165,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.849064050678243,2.3933030366897583,2.4468523487448692,1.1819453131645283,5.327937856633612,7.141233325004578 +3.8927943184383604,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.849064050678243,2.3933030366897583,2.4468523487448692,1.1819453131645283,5.327937856633612,7.141233325004578 +3.627349836359683,2.9590395323615124,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.9590395323615124,2.6624873876571655,2.682988539338112,1.308320442095716,5.276179993406255,6.453395748138429 +3.709405020389118,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.9590395323615124,2.6624873876571655,2.682988539338112,1.308320442095716,5.276179993406255,6.453395748138429 +3.651213165000081,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.9590395323615124,2.6624873876571655,2.682988539338112,1.308320442095716,5.276179993406255,6.453395748138429 +3.5958795850998477,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.9590395323615124,2.6624873876571655,2.682988539338112,1.308320442095716,5.276179993406255,6.453395748138429 +3.7976594949239177,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,2.9590395323615124,2.6624873876571655,2.682988539338112,1.308320442095716,5.276179993406255,6.453395748138429 +3.6306984565563893,4.021366271249791,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.021366271249791,3.5567818880081177,3.650616690516472,2.052841449037511,6.772972786680181,8.067977237701417 +3.7827050009056142,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.021366271249791,3.5567818880081177,3.650616690516472,2.052841449037511,6.772972786680181,8.067977237701417 +3.771754629635497,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.021366271249791,3.5567818880081177,3.650616690516472,2.052841449037511,6.772972786680181,8.067977237701417 +3.6326718334304657,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.021366271249791,3.5567818880081177,3.650616690516472,2.052841449037511,6.772972786680181,8.067977237701417 +3.4738445568633707,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,4.021366271249791,3.5567818880081177,3.650616690516472,2.052841449037511,6.772972786680181,8.067977237701417 +3.526279028759975,3.661885235220828,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.661885235220828,3.1739948987960815,3.2296063750982285,1.666999082616035,6.53104312369164,8.161246156692505 +3.771633289715177,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.661885235220828,3.1739948987960815,3.2296063750982285,1.666999082616035,6.53104312369164,8.161246156692505 +3.296271202615217,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.661885235220828,3.1739948987960815,3.2296063750982285,1.666999082616035,6.53104312369164,8.161246156692505 +3.96348087654302,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.661885235220828,3.1739948987960815,3.2296063750982285,1.666999082616035,6.53104312369164,8.161246156692505 +3.5671048075548915,0,2.6810851876247437,2.21160089969635,2.270670011639595,0.9336796818261451,5.293147619734419,6.627944207191469,3.661885235220828,3.1739948987960815,3.2296063750982285,1.666999082616035,6.53104312369164,8.161246156692505 +3.7115653005085494,2.4048819069928946,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582 +3.547815899805803,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582 +3.6226037212108313,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582 +3.5985526315279697,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582 +3.718680523982958,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582 +3.609385704680493,4.0216103404601835,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0216103404601835,3.655589461326599,3.7031209617853165,1.8055694176161543,6.8590786203424985,7.825093746185303 +3.6842016253816454,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0216103404601835,3.655589461326599,3.7031209617853165,1.8055694176161543,6.8590786203424985,7.825093746185303 +3.7704333926698097,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0216103404601835,3.655589461326599,3.7031209617853165,1.8055694176161543,6.8590786203424985,7.825093746185303 +3.7885430903223,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0216103404601835,3.655589461326599,3.7031209617853165,1.8055694176161543,6.8590786203424985,7.825093746185303 +3.6621796623656624,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0216103404601835,3.655589461326599,3.7031209617853165,1.8055694176161543,6.8590786203424985,7.825093746185303 +4.027332489408161,3.663777344562906,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.663777344562906,3.051941752433777,3.149678811430931,1.724716417967005,6.675540406653222,9.086172962188721 +3.6150922140204593,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.663777344562906,3.051941752433777,3.149678811430931,1.724716417967005,6.675540406653222,9.086172962188721 +3.653358344831749,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.663777344562906,3.051941752433777,3.149678811430931,1.724716417967005,6.675540406653222,9.086172962188721 +3.7479695774810877,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.663777344562906,3.051941752433777,3.149678811430931,1.724716417967005,6.675540406653222,9.086172962188721 +3.594729550398494,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.663777344562906,3.051941752433777,3.149678811430931,1.724716417967005,6.675540406653222,9.086172962188721 +3.72277277198277,4.527858867290172,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.527858867290172,4.286869525909424,4.313496917486191,2.410099729578546,7.060723142420992,8.13263750076294 +3.6154328518792203,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.527858867290172,4.286869525909424,4.313496917486191,2.410099729578546,7.060723142420992,8.13263750076294 +3.788895341557892,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.527858867290172,4.286869525909424,4.313496917486191,2.410099729578546,7.060723142420992,8.13263750076294 +3.4501460009107463,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.527858867290172,4.286869525909424,4.313496917486191,2.410099729578546,7.060723142420992,8.13263750076294 +3.579209459827919,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.527858867290172,4.286869525909424,4.313496917486191,2.410099729578546,7.060723142420992,8.13263750076294 +3.4341443527293833,3.475705285338645,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.475705285338645,2.9503438472747803,3.0215150862932205,1.6396107635599502,6.305370340956018,8.307502126693727 +3.6426162396802715,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.475705285338645,2.9503438472747803,3.0215150862932205,1.6396107635599502,6.305370340956018,8.307502126693727 +3.5124760683037732,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.475705285338645,2.9503438472747803,3.0215150862932205,1.6396107635599502,6.305370340956018,8.307502126693727 +3.818830328768021,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.475705285338645,2.9503438472747803,3.0215150862932205,1.6396107635599502,6.305370340956018,8.307502126693727 +3.661088849760984,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.475705285338645,2.9503438472747803,3.0215150862932205,1.6396107635599502,6.305370340956018,8.307502126693727 +3.654016897454858,4.269492592583311,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.269492592583311,4.099854946136475,4.0392677038908005,2.5712249811659467,6.439885129319861,7.498528409004214 +3.5659950505157836,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.269492592583311,4.099854946136475,4.0392677038908005,2.5712249811659467,6.439885129319861,7.498528409004214 +3.537803423836043,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.269492592583311,4.099854946136475,4.0392677038908005,2.5712249811659467,6.439885129319861,7.498528409004214 +3.4997590643402776,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.269492592583311,4.099854946136475,4.0392677038908005,2.5712249811659467,6.439885129319861,7.498528409004214 +3.5845706949108527,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.269492592583311,4.099854946136475,4.0392677038908005,2.5712249811659467,6.439885129319861,7.498528409004214 +3.6031024204272972,4.466342814425205,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.466342814425205,3.834199547767639,3.9160153418779373,2.2793687708834383,7.827723604567508,10.216771364212038 +3.733756371195379,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.466342814425205,3.834199547767639,3.9160153418779373,2.2793687708834383,7.827723604567508,10.216771364212038 +3.8562285699342427,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.466342814425205,3.834199547767639,3.9160153418779373,2.2793687708834383,7.827723604567508,10.216771364212038 +3.8242724948023494,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.466342814425205,3.834199547767639,3.9160153418779373,2.2793687708834383,7.827723604567508,10.216771364212038 +3.59378634632418,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.466342814425205,3.834199547767639,3.9160153418779373,2.2793687708834383,7.827723604567508,10.216771364212038 +3.506309445006283,3.7732172188289623,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.7732172188289623,3.557247757911682,3.530191496014595,2.1559398269399686,5.89331397604435,7.257705926895143 +3.7327191329512157,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.7732172188289623,3.557247757911682,3.530191496014595,2.1559398269399686,5.89331397604435,7.257705926895143 +3.681256096319933,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.7732172188289623,3.557247757911682,3.530191496014595,2.1559398269399686,5.89331397604435,7.257705926895143 +3.475347669383413,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.7732172188289623,3.557247757911682,3.530191496014595,2.1559398269399686,5.89331397604435,7.257705926895143 +3.5106568053560823,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.7732172188289623,3.557247757911682,3.530191496014595,2.1559398269399686,5.89331397604435,7.257705926895143 +3.6911640078613632,4.10687637772966,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.10687637772966,3.55277943611145,3.6388706862926483,1.9928500779131626,7.094469719744743,9.1680685043335 +3.6111815101418054,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.10687637772966,3.55277943611145,3.6388706862926483,1.9928500779131626,7.094469719744743,9.1680685043335 +3.6412654800046433,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.10687637772966,3.55277943611145,3.6388706862926483,1.9928500779131626,7.094469719744743,9.1680685043335 +3.8070789311669375,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.10687637772966,3.55277943611145,3.6388706862926483,1.9928500779131626,7.094469719744743,9.1680685043335 +3.6514995363393896,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.10687637772966,3.55277943611145,3.6388706862926483,1.9928500779131626,7.094469719744743,9.1680685043335 +3.574972252351673,3.6689070111259503,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.6689070111259503,3.219781994819641,3.26474367082119,1.8121332374024899,6.457092254719836,8.415597105026247 +3.5419296406405536,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.6689070111259503,3.219781994819641,3.26474367082119,1.8121332374024899,6.457092254719836,8.415597105026247 +3.7728657387589153,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.6689070111259503,3.219781994819641,3.26474367082119,1.8121332374024899,6.457092254719836,8.415597105026247 +3.3539081915428763,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.6689070111259503,3.219781994819641,3.26474367082119,1.8121332374024899,6.457092254719836,8.415597105026247 +3.626448280050566,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.6689070111259503,3.219781994819641,3.26474367082119,1.8121332374024899,6.457092254719836,8.415597105026247 +3.7219506109623532,3.046084175956376,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.046084175956376,2.632450222969055,2.767286516726017,1.3590526945413428,5.460101411697712,6.15644600391388 +3.691877139300892,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.046084175956376,2.632450222969055,2.767286516726017,1.3590526945413428,5.460101411697712,6.15644600391388 +3.8385430711272517,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.046084175956376,2.632450222969055,2.767286516726017,1.3590526945413428,5.460101411697712,6.15644600391388 +3.804257417038867,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.046084175956376,2.632450222969055,2.767286516726017,1.3590526945413428,5.460101411697712,6.15644600391388 +3.4982590389879125,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.046084175956376,2.632450222969055,2.767286516726017,1.3590526945413428,5.460101411697712,6.15644600391388 +3.728774118286214,2.9893387163731644,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.9893387163731644,2.7193340063095093,2.728699579834938,1.2075708372161744,5.407566532175592,6.26826596260071 +3.706262494545234,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.9893387163731644,2.7193340063095093,2.728699579834938,1.2075708372161744,5.407566532175592,6.26826596260071 +3.5855209560966808,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.9893387163731644,2.7193340063095093,2.728699579834938,1.2075708372161744,5.407566532175592,6.26826596260071 +3.6908067176412596,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.9893387163731644,2.7193340063095093,2.728699579834938,1.2075708372161744,5.407566532175592,6.26826596260071 +3.543763102728285,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.9893387163731644,2.7193340063095093,2.728699579834938,1.2075708372161744,5.407566532175592,6.26826596260071 +3.474653482437134,3.3827103113240384,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.3827103113240384,3.0789393186569214,3.0928584188222885,1.6145707660533013,5.710543875998639,6.685493516921998 +3.5699346474518903,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.3827103113240384,3.0789393186569214,3.0928584188222885,1.6145707660533013,5.710543875998639,6.685493516921998 +3.564269612004098,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.3827103113240384,3.0789393186569214,3.0928584188222885,1.6145707660533013,5.710543875998639,6.685493516921998 +3.654921132541801,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.3827103113240384,3.0789393186569214,3.0928584188222885,1.6145707660533013,5.710543875998639,6.685493516921998 +3.641029910547169,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.3827103113240384,3.0789393186569214,3.0928584188222885,1.6145707660533013,5.710543875998639,6.685493516921998 +3.7947700285205714,4.299484194276181,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.299484194276181,3.9287720918655396,3.885116755962372,2.2353040652072176,7.222524379162079,8.848304271697998 +3.61114042962068,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.299484194276181,3.9287720918655396,3.885116755962372,2.2353040652072176,7.222524379162079,8.848304271697998 +3.615637133074434,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.299484194276181,3.9287720918655396,3.885116755962372,2.2353040652072176,7.222524379162079,8.848304271697998 +3.7311012854309458,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.299484194276181,3.9287720918655396,3.885116755962372,2.2353040652072176,7.222524379162079,8.848304271697998 +4.017301197820588,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.299484194276181,3.9287720918655396,3.885116755962372,2.2353040652072176,7.222524379162079,8.848304271697998 +3.674801699856394,3.534232317767245,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.534232317767245,3.160252571105957,3.223115935921669,1.9314272530535435,5.809916851368357,6.7238201141357425 +3.5231903230673387,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.534232317767245,3.160252571105957,3.223115935921669,1.9314272530535435,5.809916851368357,6.7238201141357425 +3.5503102181185233,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.534232317767245,3.160252571105957,3.223115935921669,1.9314272530535435,5.809916851368357,6.7238201141357425 +3.6523238825954887,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.534232317767245,3.160252571105957,3.223115935921669,1.9314272530535435,5.809916851368357,6.7238201141357425 +3.5669366535387543,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.534232317767245,3.160252571105957,3.223115935921669,1.9314272530535435,5.809916851368357,6.7238201141357425 +3.5972622579061673,4.0945552267292715,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0945552267292715,3.6751421689987183,3.729243189096451,2.129587917885882,6.908273960681671,7.995628881454472 +3.687892968207598,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0945552267292715,3.6751421689987183,3.729243189096451,2.129587917885882,6.908273960681671,7.995628881454472 +3.668271028054388,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0945552267292715,3.6751421689987183,3.729243189096451,2.129587917885882,6.908273960681671,7.995628881454472 +3.4719988286887347,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0945552267292715,3.6751421689987183,3.729243189096451,2.129587917885882,6.908273960681671,7.995628881454472 +3.684570023966463,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.0945552267292715,3.6751421689987183,3.729243189096451,2.129587917885882,6.908273960681671,7.995628881454472 +3.7660112246086723,3.2384949174333126,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2384949174333126,2.811842203140259,2.8893183916807175,1.434096133455317,5.81330369888468,6.546732854843141 +3.3118475794988242,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2384949174333126,2.811842203140259,2.8893183916807175,1.434096133455317,5.81330369888468,6.546732854843141 +3.676101598300432,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2384949174333126,2.811842203140259,2.8893183916807175,1.434096133455317,5.81330369888468,6.546732854843141 +3.7100583810947443,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2384949174333126,2.811842203140259,2.8893183916807175,1.434096133455317,5.81330369888468,6.546732854843141 +3.9902324678866488,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2384949174333126,2.811842203140259,2.8893183916807175,1.434096133455317,5.81330369888468,6.546732854843141 +3.7656992743870146,3.4414262067764363,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.4414262067764363,3.0641390085220337,3.1146920025348663,1.7602958197289325,5.835940005931448,7.270690679550171 +3.6650087057759886,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.4414262067764363,3.0641390085220337,3.1146920025348663,1.7602958197289325,5.835940005931448,7.270690679550171 +3.841844399704745,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.4414262067764363,3.0641390085220337,3.1146920025348663,1.7602958197289325,5.835940005931448,7.270690679550171 +3.638952618033478,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.4414262067764363,3.0641390085220337,3.1146920025348663,1.7602958197289325,5.835940005931448,7.270690679550171 +3.5774140827749905,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.4414262067764363,3.0641390085220337,3.1146920025348663,1.7602958197289325,5.835940005931448,7.270690679550171 +3.571789246954416,3.2899026209686664,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2899026209686664,2.792215585708618,2.9067434668540955,1.645811841208884,5.699716217974399,6.938838267326355 +3.7235759177098147,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2899026209686664,2.792215585708618,2.9067434668540955,1.645811841208884,5.699716217974399,6.938838267326355 +3.3737767624815826,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2899026209686664,2.792215585708618,2.9067434668540955,1.645811841208884,5.699716217974399,6.938838267326355 +3.606677212056361,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2899026209686664,2.792215585708618,2.9067434668540955,1.645811841208884,5.699716217974399,6.938838267326355 +3.7308306782261322,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.2899026209686664,2.792215585708618,2.9067434668540955,1.645811841208884,5.699716217974399,6.938838267326355 +3.6710798580591617,2.8257875176978873,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.8257875176978873,2.4899944067001343,2.5579498410224915,1.1442685789884406,5.021403124991884,6.091541051864625 +3.724978282341832,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.8257875176978873,2.4899944067001343,2.5579498410224915,1.1442685789884406,5.021403124991884,6.091541051864625 +3.5021920055150986,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.8257875176978873,2.4899944067001343,2.5579498410224915,1.1442685789884406,5.021403124991884,6.091541051864625 +3.723455396471055,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.8257875176978873,2.4899944067001343,2.5579498410224915,1.1442685789884406,5.021403124991884,6.091541051864625 +3.8753611737175993,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.8257875176978873,2.4899944067001343,2.5579498410224915,1.1442685789884406,5.021403124991884,6.091541051864625 +3.72567256375363,2.731492132741086,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.731492132741086,2.3337197303771973,2.4445998147130013,0.9655570305408315,5.193664571072193,5.8655784845352175 +3.4127452353897847,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.731492132741086,2.3337197303771973,2.4445998147130013,0.9655570305408315,5.193664571072193,5.8655784845352175 +3.7026149738187852,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.731492132741086,2.3337197303771973,2.4445998147130013,0.9655570305408315,5.193664571072193,5.8655784845352175 +3.710354410778535,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.731492132741086,2.3337197303771973,2.4445998147130013,0.9655570305408315,5.193664571072193,5.8655784845352175 +4.04226641192248,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,2.731492132741086,2.3337197303771973,2.4445998147130013,0.9655570305408315,5.193664571072193,5.8655784845352175 +3.7127419350178616,3.8106590598187546,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.8106590598187546,3.44451642036438,3.530979260802269,1.6345610162045092,6.625331848225695,7.779386234283447 +3.4751854190897,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.8106590598187546,3.44451642036438,3.530979260802269,1.6345610162045092,6.625331848225695,7.779386234283447 +3.5966253837472513,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.8106590598187546,3.44451642036438,3.530979260802269,1.6345610162045092,6.625331848225695,7.779386234283447 +3.7503680587991286,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.8106590598187546,3.44451642036438,3.530979260802269,1.6345610162045092,6.625331848225695,7.779386234283447 +3.5234097093343735,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.8106590598187546,3.44451642036438,3.530979260802269,1.6345610162045092,6.625331848225695,7.779386234283447 +3.472332275070642,4.763202773288209,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.763202773288209,4.716305255889893,4.675951436161995,2.0556975457262485,7.6734993001247975,8.598603534698487 +3.6538586140855362,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.763202773288209,4.716305255889893,4.675951436161995,2.0556975457262485,7.6734993001247975,8.598603534698487 +3.4594415951324136,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.763202773288209,4.716305255889893,4.675951436161995,2.0556975457262485,7.6734993001247975,8.598603534698487 +3.7025512086717707,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.763202773288209,4.716305255889893,4.675951436161995,2.0556975457262485,7.6734993001247975,8.598603534698487 +3.3169685848645476,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.763202773288209,4.716305255889893,4.675951436161995,2.0556975457262485,7.6734993001247975,8.598603534698487 +3.44554202905611,4.129617459596472,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.129617459596472,3.65743887424469,3.738632917404175,2.3578269608477327,6.72698121375226,8.271237659454346 +3.7603050684066197,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.129617459596472,3.65743887424469,3.738632917404175,2.3578269608477327,6.72698121375226,8.271237659454346 +3.6661933976960808,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.129617459596472,3.65743887424469,3.738632917404175,2.3578269608477327,6.72698121375226,8.271237659454346 +3.740308669601616,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.129617459596472,3.65743887424469,3.738632917404175,2.3578269608477327,6.72698121375226,8.271237659454346 +3.607795025506302,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,4.129617459596472,3.65743887424469,3.738632917404175,2.3578269608477327,6.72698121375226,8.271237659454346 +3.5545998427428698,3.675477884234266,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.675477884234266,3.2861239910125732,3.3110893070697784,1.7830376029014587,6.381304355377846,7.607847166061405 +3.8882636630417484,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.675477884234266,3.2861239910125732,3.3110893070697784,1.7830376029014587,6.381304355377846,7.607847166061405 +3.7365375700749848,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.675477884234266,3.2861239910125732,3.3110893070697784,1.7830376029014587,6.381304355377846,7.607847166061405 +3.5025735252193715,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.675477884234266,3.2861239910125732,3.3110893070697784,1.7830376029014587,6.381304355377846,7.607847166061405 +3.4841579851351288,0,2.4048819069928946,1.7583629488945007,1.9679495841264725,0.7982140717671272,4.935224127262197,6.155398011207582,3.675477884234266,3.2861239910125732,3.3110893070697784,1.7830376029014587,6.381304355377846,7.607847166061405 +3.598684411299856,2.3839205729359008,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017 +3.924093029451998,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017 +3.306481422954484,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017 +3.6229812417571483,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017 +3.5758810847997666,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017 +3.554194126180128,3.2452918929939574,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2452918929939574,2.8918803930282593,2.9594621509313583,1.4383542404529897,5.615369857625758,6.487349724769594 +3.557294056917492,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2452918929939574,2.8918803930282593,2.9594621509313583,1.4383542404529897,5.615369857625758,6.487349724769594 +3.512770375707432,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2452918929939574,2.8918803930282593,2.9594621509313583,1.4383542404529897,5.615369857625758,6.487349724769594 +3.6169519940489216,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2452918929939574,2.8918803930282593,2.9594621509313583,1.4383542404529897,5.615369857625758,6.487349724769594 +3.5391420386535555,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2452918929939574,2.8918803930282593,2.9594621509313583,1.4383542404529897,5.615369857625758,6.487349724769594 +3.414466815598701,3.061940757359596,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.061940757359596,2.761779308319092,2.8068918585777283,1.5983230503315622,5.154170005879504,5.67552752494812 +3.9238838430886207,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.061940757359596,2.761779308319092,2.8068918585777283,1.5983230503315622,5.154170005879504,5.67552752494812 +3.42496878175359,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.061940757359596,2.761779308319092,2.8068918585777283,1.5983230503315622,5.154170005879504,5.67552752494812 +3.4753717089954175,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.061940757359596,2.761779308319092,2.8068918585777283,1.5983230503315622,5.154170005879504,5.67552752494812 +3.751256892418391,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.061940757359596,2.761779308319092,2.8068918585777283,1.5983230503315622,5.154170005879504,5.67552752494812 +3.6775650567522176,2.3907606449533017,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3907606449533017,1.9178033471107483,2.0635011047124863,0.78077909286986,4.762040782482066,5.7689279317855835 +3.423096867611534,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3907606449533017,1.9178033471107483,2.0635011047124863,0.78077909286986,4.762040782482066,5.7689279317855835 +3.3717515638000086,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3907606449533017,1.9178033471107483,2.0635011047124863,0.78077909286986,4.762040782482066,5.7689279317855835 +3.5527404637713182,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3907606449533017,1.9178033471107483,2.0635011047124863,0.78077909286986,4.762040782482066,5.7689279317855835 +3.6032966278493404,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.3907606449533017,1.9178033471107483,2.0635011047124863,0.78077909286986,4.762040782482066,5.7689279317855835 +3.7670319634440697,4.528710707388026,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.528710707388026,4.289364576339722,4.295658081769943,2.036924365987169,7.538639504858788,8.19880542755127 +3.5516550420538375,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.528710707388026,4.289364576339722,4.295658081769943,2.036924365987169,7.538639504858788,8.19880542755127 +3.7165190146353684,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.528710707388026,4.289364576339722,4.295658081769943,2.036924365987169,7.538639504858788,8.19880542755127 +3.7280658588989786,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.528710707388026,4.289364576339722,4.295658081769943,2.036924365987169,7.538639504858788,8.19880542755127 +3.5966987946511884,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.528710707388026,4.289364576339722,4.295658081769943,2.036924365987169,7.538639504858788,8.19880542755127 +3.6138645992467278,3.4714627053509366,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.4714627053509366,3.182254910469055,3.2483038008213043,1.9333469931115495,5.530051495166535,6.4162197589874275 +3.7311211290720263,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.4714627053509366,3.182254910469055,3.2483038008213043,1.9333469931115495,5.530051495166535,6.4162197589874275 +3.6415999636054037,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.4714627053509366,3.182254910469055,3.2483038008213043,1.9333469931115495,5.530051495166535,6.4162197589874275 +3.506922691197772,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.4714627053509366,3.182254910469055,3.2483038008213043,1.9333469931115495,5.530051495166535,6.4162197589874275 +3.5255013031786993,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.4714627053509366,3.182254910469055,3.2483038008213043,1.9333469931115495,5.530051495166535,6.4162197589874275 +3.7768053106571498,2.9355715023393327,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.9355715023393327,2.623571753501892,2.6462919265031815,1.3208472976025114,5.169195165025427,5.971475553512573 +3.772501034818982,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.9355715023393327,2.623571753501892,2.6462919265031815,1.3208472976025114,5.169195165025427,5.971475553512573 +3.524775845126102,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.9355715023393327,2.623571753501892,2.6462919265031815,1.3208472976025114,5.169195165025427,5.971475553512573 +3.486984973322404,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.9355715023393327,2.623571753501892,2.6462919265031815,1.3208472976025114,5.169195165025427,5.971475553512573 +3.7589094328252894,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.9355715023393327,2.623571753501892,2.6462919265031815,1.3208472976025114,5.169195165025427,5.971475553512573 +3.570814522002873,3.0929597933241664,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0929597933241664,2.7517169713974,2.7970529198646545,1.5629193934988468,5.212491218079912,6.31436803340912 +3.674540738467323,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0929597933241664,2.7517169713974,2.7970529198646545,1.5629193934988468,5.212491218079912,6.31436803340912 +3.7109230226592014,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0929597933241664,2.7517169713974,2.7970529198646545,1.5629193934988468,5.212491218079912,6.31436803340912 +3.57647996391905,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0929597933241664,2.7517169713974,2.7970529198646545,1.5629193934988468,5.212491218079912,6.31436803340912 +3.695986661609066,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0929597933241664,2.7517169713974,2.7970529198646545,1.5629193934988468,5.212491218079912,6.31436803340912 +3.5507612054873454,2.6853178636507784,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.6853178636507784,2.281774878501892,2.4009880051016808,1.1965237139387335,4.865447653100846,6.0543161153793355 +3.5362836204469206,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.6853178636507784,2.281774878501892,2.4009880051016808,1.1965237139387335,4.865447653100846,6.0543161153793355 +3.649343582007446,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.6853178636507784,2.281774878501892,2.4009880051016808,1.1965237139387335,4.865447653100846,6.0543161153793355 +3.72068076604291,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.6853178636507784,2.281774878501892,2.4009880051016808,1.1965237139387335,4.865447653100846,6.0543161153793355 +3.768895550189834,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.6853178636507784,2.281774878501892,2.4009880051016808,1.1965237139387335,4.865447653100846,6.0543161153793355 +3.9415667010177122,3.8744955912549446,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.8744955912549446,3.366506338119507,3.355046972632408,1.4781524932130854,7.264782306995798,9.199220561981203 +3.6533365155325126,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.8744955912549446,3.366506338119507,3.355046972632408,1.4781524932130854,7.264782306995798,9.199220561981203 +3.4207688735699966,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.8744955912549446,3.366506338119507,3.355046972632408,1.4781524932130854,7.264782306995798,9.199220561981203 +3.6046467412067087,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.8744955912549446,3.366506338119507,3.355046972632408,1.4781524932130854,7.264782306995798,9.199220561981203 +3.625420333837208,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.8744955912549446,3.366506338119507,3.355046972632408,1.4781524932130854,7.264782306995798,9.199220561981203 +3.790968411807951,2.871124166836764,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.871124166836764,2.5397430658340454,2.5159503743052483,0.9967695452431415,5.493014543614489,6.94837601184845 +3.5059565346688033,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.871124166836764,2.5397430658340454,2.5159503743052483,0.9967695452431415,5.493014543614489,6.94837601184845 +3.666602061884968,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.871124166836764,2.5397430658340454,2.5159503743052483,0.9967695452431415,5.493014543614489,6.94837601184845 +3.751678710019118,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.871124166836764,2.5397430658340454,2.5159503743052483,0.9967695452431415,5.493014543614489,6.94837601184845 +3.2805185715618888,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.871124166836764,2.5397430658340454,2.5159503743052483,0.9967695452431415,5.493014543614489,6.94837601184845 +3.568128278184878,2.8868873693207475,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8868873693207475,2.5528329610824585,2.607368141412735,1.013835847377777,5.421125919260877,6.386029148101807 +3.761008013373143,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8868873693207475,2.5528329610824585,2.607368141412735,1.013835847377777,5.421125919260877,6.386029148101807 +3.513710719445034,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8868873693207475,2.5528329610824585,2.607368141412735,1.013835847377777,5.421125919260877,6.386029148101807 +3.618966494010467,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8868873693207475,2.5528329610824585,2.607368141412735,1.013835847377777,5.421125919260877,6.386029148101807 +3.4282985950575062,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8868873693207475,2.5528329610824585,2.607368141412735,1.013835847377777,5.421125919260877,6.386029148101807 +3.4351848348779113,2.5684210933110814,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5684210933110814,2.248074531555176,2.2874952405691147,1.0027919205579352,4.846855680993262,5.635514354705811 +3.570174191401977,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5684210933110814,2.248074531555176,2.2874952405691147,1.0027919205579352,4.846855680993262,5.635514354705811 +3.633322935080842,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5684210933110814,2.248074531555176,2.2874952405691147,1.0027919205579352,4.846855680993262,5.635514354705811 +3.746923633978555,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5684210933110814,2.248074531555176,2.2874952405691147,1.0027919205579352,4.846855680993262,5.635514354705811 +3.5550366324617673,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5684210933110814,2.248074531555176,2.2874952405691147,1.0027919205579352,4.846855680993262,5.635514354705811 +3.3677197347346106,3.3326329157707537,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.3326329157707537,3.0673309564590454,3.158902734518051,1.8494100875042854,5.2841988421501,5.736544680595398 +3.7488328554912616,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.3326329157707537,3.0673309564590454,3.158902734518051,1.8494100875042854,5.2841988421501,5.736544680595398 +3.51236013595603,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.3326329157707537,3.0673309564590454,3.158902734518051,1.8494100875042854,5.2841988421501,5.736544680595398 +3.461294590681791,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.3326329157707537,3.0673309564590454,3.158902734518051,1.8494100875042854,5.2841988421501,5.736544680595398 +3.6379048916070085,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.3326329157707537,3.0673309564590454,3.158902734518051,1.8494100875042854,5.2841988421501,5.736544680595398 +3.596419087915044,3.5877281222888766,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.5877281222888766,3.071444869041443,3.181444361805916,1.5912467919765634,6.412071420791301,7.972183442115785 +3.6344553147687724,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.5877281222888766,3.071444869041443,3.181444361805916,1.5912467919765634,6.412071420791301,7.972183442115785 +3.6125160787646706,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.5877281222888766,3.071444869041443,3.181444361805916,1.5912467919765634,6.412071420791301,7.972183442115785 +3.493780302687695,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.5877281222888766,3.071444869041443,3.181444361805916,1.5912467919765634,6.412071420791301,7.972183442115785 +3.434731789443054,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.5877281222888766,3.071444869041443,3.181444361805916,1.5912467919765634,6.412071420791301,7.972183442115785 +3.656993916434677,4.104831318588967,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.104831318588967,3.7958755493164062,3.8328739404678345,1.9702447310407112,6.861521517976802,7.620418596267701 +3.6015753887593744,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.104831318588967,3.7958755493164062,3.8328739404678345,1.9702447310407112,6.861521517976802,7.620418596267701 +3.4297073088194194,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.104831318588967,3.7958755493164062,3.8328739404678345,1.9702447310407112,6.861521517976802,7.620418596267701 +3.714580022524062,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.104831318588967,3.7958755493164062,3.8328739404678345,1.9702447310407112,6.861521517976802,7.620418596267701 +3.6261173670621294,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,4.104831318588967,3.7958755493164062,3.8328739404678345,1.9702447310407112,6.861521517976802,7.620418596267701 +3.6780949547102577,3.279091998736592,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.279091998736592,3.0233242511749268,3.0684050917625427,1.6897037744205048,5.322616069874865,6.022610831260682 +3.632565701752901,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.279091998736592,3.0233242511749268,3.0684050917625427,1.6897037744205048,5.322616069874865,6.022610831260682 +3.631899510461249,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.279091998736592,3.0233242511749268,3.0684050917625427,1.6897037744205048,5.322616069874865,6.022610831260682 +3.5556917038795195,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.279091998736592,3.0233242511749268,3.0684050917625427,1.6897037744205048,5.322616069874865,6.022610831260682 +3.9672718432388807,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.279091998736592,3.0233242511749268,3.0684050917625427,1.6897037744205048,5.322616069874865,6.022610831260682 +3.5556248984838787,3.606952908349798,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.606952908349798,3.2493070363998413,3.300120934844017,1.7235472462278731,6.14497017353139,7.11662759780884 +3.906949156993314,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.606952908349798,3.2493070363998413,3.300120934844017,1.7235472462278731,6.14497017353139,7.11662759780884 +3.7967861426307965,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.606952908349798,3.2493070363998413,3.300120934844017,1.7235472462278731,6.14497017353139,7.11662759780884 +3.5329394536779115,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.606952908349798,3.2493070363998413,3.300120934844017,1.7235472462278731,6.14497017353139,7.11662759780884 +3.4094437594672566,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.606952908349798,3.2493070363998413,3.300120934844017,1.7235472462278731,6.14497017353139,7.11662759780884 +3.797917742105691,3.6396630178106593,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.6396630178106593,3.364242911338806,3.434311196208,2.181524657188578,5.616381016183407,6.485837650299072 +3.6403296657102673,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.6396630178106593,3.364242911338806,3.434311196208,2.181524657188578,5.616381016183407,6.485837650299072 +3.5922813939028666,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.6396630178106593,3.364242911338806,3.434311196208,2.181524657188578,5.616381016183407,6.485837650299072 +3.622676137952428,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.6396630178106593,3.364242911338806,3.434311196208,2.181524657188578,5.616381016183407,6.485837650299072 +3.526068115352016,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.6396630178106593,3.364242911338806,3.434311196208,2.181524657188578,5.616381016183407,6.485837650299072 +3.4867870929994083,2.956209675745761,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.956209675745761,2.624830484390259,2.6604943573474884,1.0447092525502468,5.471286109153261,6.740069174766542 +3.701925444053976,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.956209675745761,2.624830484390259,2.6604943573474884,1.0447092525502468,5.471286109153261,6.740069174766542 +3.7365498354952584,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.956209675745761,2.624830484390259,2.6604943573474884,1.0447092525502468,5.471286109153261,6.740069174766542 +3.672000890695735,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.956209675745761,2.624830484390259,2.6604943573474884,1.0447092525502468,5.471286109153261,6.740069174766542 +3.595417379548675,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.956209675745761,2.624830484390259,2.6604943573474884,1.0447092525502468,5.471286109153261,6.740069174766542 +3.735442613026029,2.8910634861268263,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8910634861268263,2.5006704330444336,2.603494845330715,1.4120303219620218,4.984537606543683,5.721580171585084 +3.7499192917425384,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8910634861268263,2.5006704330444336,2.603494845330715,1.4120303219620218,4.984537606543683,5.721580171585084 +3.667374198138714,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8910634861268263,2.5006704330444336,2.603494845330715,1.4120303219620218,4.984537606543683,5.721580171585084 +3.1948248621272413,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8910634861268263,2.5006704330444336,2.603494845330715,1.4120303219620218,4.984537606543683,5.721580171585084 +3.555245994815701,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.8910634861268263,2.5006704330444336,2.603494845330715,1.4120303219620218,4.984537606543683,5.721580171585084 +3.993908465555624,3.789585037751401,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.789585037751401,3.4490939378738403,3.433067947626114,1.495534061117375,6.730392516927516,7.946922039985658 +3.388897635650478,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.789585037751401,3.4490939378738403,3.433067947626114,1.495534061117375,6.730392516927516,7.946922039985658 +3.524080799480802,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.789585037751401,3.4490939378738403,3.433067947626114,1.495534061117375,6.730392516927516,7.946922039985658 +3.750040884492429,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.789585037751401,3.4490939378738403,3.433067947626114,1.495534061117375,6.730392516927516,7.946922039985658 +3.456113903734245,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.789585037751401,3.4490939378738403,3.433067947626114,1.495534061117375,6.730392516927516,7.946922039985658 +3.4987802049243135,3.0156799854433283,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0156799854433283,2.7488971948623657,2.753676801919937,1.2576017360737983,5.384339748544896,7.033912014961243 +3.2675705607588355,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0156799854433283,2.7488971948623657,2.753676801919937,1.2576017360737983,5.384339748544896,7.033912014961243 +3.686815158944381,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0156799854433283,2.7488971948623657,2.753676801919937,1.2576017360737983,5.384339748544896,7.033912014961243 +3.412626480134694,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0156799854433283,2.7488971948623657,2.753676801919937,1.2576017360737983,5.384339748544896,7.033912014961243 +3.4758413918120294,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.0156799854433283,2.7488971948623657,2.753676801919937,1.2576017360737983,5.384339748544896,7.033912014961243 +3.454950598705756,3.2455531938120408,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2455531938120408,3.0253301858901978,3.030822917819023,1.3994792962962008,5.578768527254145,6.812506723403931 +3.3387040839187407,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2455531938120408,3.0253301858901978,3.030822917819023,1.3994792962962008,5.578768527254145,6.812506723403931 +3.56104837430543,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2455531938120408,3.0253301858901978,3.030822917819023,1.3994792962962008,5.578768527254145,6.812506723403931 +3.416486157751397,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2455531938120408,3.0253301858901978,3.030822917819023,1.3994792962962008,5.578768527254145,6.812506723403931 +3.6006580835110262,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,3.2455531938120408,3.0253301858901978,3.030822917819023,1.3994792962962008,5.578768527254145,6.812506723403931 +3.738251739701158,2.5487113295400396,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5487113295400396,2.0336782932281494,2.08677626401186,0.7027679776891749,5.246986916724672,6.7488027334213285 +3.3076711250371056,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5487113295400396,2.0336782932281494,2.08677626401186,0.7027679776891749,5.246986916724672,6.7488027334213285 +3.4343373826263766,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5487113295400396,2.0336782932281494,2.08677626401186,0.7027679776891749,5.246986916724672,6.7488027334213285 +3.663801961254917,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5487113295400396,2.0336782932281494,2.08677626401186,0.7027679776891749,5.246986916724672,6.7488027334213285 +3.485335081580438,0,2.3839205729359008,1.8489609360694885,2.0169530510902405,0.7205451489128964,4.853483438491821,5.980331659317017,2.5487113295400396,2.0336782932281494,2.08677626401186,0.7027679776891749,5.246986916724672,6.7488027334213285 +3.7923876008901156,2.2324610935880784,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356 +3.5877785940311457,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356 +3.5000233337283135,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356 +3.4305105312286237,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356 +3.462641720336519,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356 +3.4754703462908143,3.540209249137564,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.540209249137564,3.4088032245635986,3.3851347118616104,1.3927317179263907,6.160914979082473,7.203372359275819 +3.3257950738072397,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.540209249137564,3.4088032245635986,3.3851347118616104,1.3927317179263907,6.160914979082473,7.203372359275819 +3.4217533762517727,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.540209249137564,3.4088032245635986,3.3851347118616104,1.3927317179263907,6.160914979082473,7.203372359275819 +3.470801099546646,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.540209249137564,3.4088032245635986,3.3851347118616104,1.3927317179263907,6.160914979082473,7.203372359275819 +3.6368188972535886,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.540209249137564,3.4088032245635986,3.3851347118616104,1.3927317179263907,6.160914979082473,7.203372359275819 +3.4967501770704983,2.6828493607488086,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6828493607488086,2.3835538625717163,2.4399440586566925,1.0790409173103088,4.878172377322582,5.688476824760437 +3.6225903578494725,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6828493607488086,2.3835538625717163,2.4399440586566925,1.0790409173103088,4.878172377322582,5.688476824760437 +3.5770262723886654,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6828493607488086,2.3835538625717163,2.4399440586566925,1.0790409173103088,4.878172377322582,5.688476824760437 +3.376163976678723,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6828493607488086,2.3835538625717163,2.4399440586566925,1.0790409173103088,4.878172377322582,5.688476824760437 +3.443746817504105,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6828493607488086,2.3835538625717163,2.4399440586566925,1.0790409173103088,4.878172377322582,5.688476824760437 +3.5400227454343907,3.927111603795214,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.927111603795214,3.727088451385498,3.755567044019699,2.427891268375072,5.836504418799218,6.414199161529542 +3.9256778022960614,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.927111603795214,3.727088451385498,3.755567044019699,2.427891268375072,5.836504418799218,6.414199161529542 +3.7591558996391923,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.927111603795214,3.727088451385498,3.755567044019699,2.427891268375072,5.836504418799218,6.414199161529542 +3.251940313295314,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.927111603795214,3.727088451385498,3.755567044019699,2.427891268375072,5.836504418799218,6.414199161529542 +3.4614280848126664,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.927111603795214,3.727088451385498,3.755567044019699,2.427891268375072,5.836504418799218,6.414199161529542 +3.498812270791907,2.624680184779015,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.624680184779015,2.1348655223846436,2.2470561265945435,1.0524038729515481,4.912408214934329,5.666935777664186 +3.4957858044065926,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.624680184779015,2.1348655223846436,2.2470561265945435,1.0524038729515481,4.912408214934329,5.666935777664186 +3.468135335335606,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.624680184779015,2.1348655223846436,2.2470561265945435,1.0524038729515481,4.912408214934329,5.666935777664186 +3.4888134374430306,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.624680184779015,2.1348655223846436,2.2470561265945435,1.0524038729515481,4.912408214934329,5.666935777664186 +3.7656563954329805,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.624680184779015,2.1348655223846436,2.2470561265945435,1.0524038729515481,4.912408214934329,5.666935777664186 +3.718180801797854,3.4898572107578847,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4898572107578847,3.280768394470215,3.272433042526245,1.9884132172199005,5.540379255375964,6.240520858764651 +3.219099302158544,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4898572107578847,3.280768394470215,3.272433042526245,1.9884132172199005,5.540379255375964,6.240520858764651 +3.599941003832378,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4898572107578847,3.280768394470215,3.272433042526245,1.9884132172199005,5.540379255375964,6.240520858764651 +3.7095815499950398,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4898572107578847,3.280768394470215,3.272433042526245,1.9884132172199005,5.540379255375964,6.240520858764651 +3.3671621742021096,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4898572107578847,3.280768394470215,3.272433042526245,1.9884132172199005,5.540379255375964,6.240520858764651 +3.7043052557071574,2.690033108471556,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.690033108471556,2.2358964681625366,2.332516334950924,1.0728575466795172,5.111361295618909,6.392831110954287 +3.6951425099059154,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.690033108471556,2.2358964681625366,2.332516334950924,1.0728575466795172,5.111361295618909,6.392831110954287 +3.5603566554816144,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.690033108471556,2.2358964681625366,2.332516334950924,1.0728575466795172,5.111361295618909,6.392831110954287 +3.6222016942344215,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.690033108471556,2.2358964681625366,2.332516334950924,1.0728575466795172,5.111361295618909,6.392831110954287 +3.186139394186045,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.690033108471556,2.2358964681625366,2.332516334950924,1.0728575466795172,5.111361295618909,6.392831110954287 +3.5680114706291963,2.2823795003301286,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2823795003301286,1.797546923160553,1.9068231582641602,0.772204208564251,4.546272916996733,5.611631584167481 +3.312183352363737,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2823795003301286,1.797546923160553,1.9068231582641602,0.772204208564251,4.546272916996733,5.611631584167481 +3.4608882692887595,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2823795003301286,1.797546923160553,1.9068231582641602,0.772204208564251,4.546272916996733,5.611631584167481 +3.4988863809720465,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2823795003301286,1.797546923160553,1.9068231582641602,0.772204208564251,4.546272916996733,5.611631584167481 +3.5865653316049197,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2823795003301286,1.797546923160553,1.9068231582641602,0.772204208564251,4.546272916996733,5.611631584167481 +3.434622785076499,3.4036326731773134,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4036326731773134,3.0955647230148315,3.182822898030281,2.009672329780903,5.241325966855313,5.557656502723695 +3.7979651089365545,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4036326731773134,3.0955647230148315,3.182822898030281,2.009672329780903,5.241325966855313,5.557656502723695 +3.5389391908520147,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4036326731773134,3.0955647230148315,3.182822898030281,2.009672329780903,5.241325966855313,5.557656502723695 +3.5339777336112763,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4036326731773134,3.0955647230148315,3.182822898030281,2.009672329780903,5.241325966855313,5.557656502723695 +3.5622900372273043,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4036326731773134,3.0955647230148315,3.182822898030281,2.009672329780903,5.241325966855313,5.557656502723695 +3.432747299184925,3.29014775220384,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.29014775220384,2.8784068822860718,2.9416771233081818,1.7410178438146064,5.664415050060191,7.003685784339904 +3.6020788515476805,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.29014775220384,2.8784068822860718,2.9416771233081818,1.7410178438146064,5.664415050060191,7.003685784339904 +3.7166368448420575,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.29014775220384,2.8784068822860718,2.9416771233081818,1.7410178438146064,5.664415050060191,7.003685784339904 +3.246574768973024,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.29014775220384,2.8784068822860718,2.9416771233081818,1.7410178438146064,5.664415050060191,7.003685784339904 +3.653410938440969,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.29014775220384,2.8784068822860718,2.9416771233081818,1.7410178438146064,5.664415050060191,7.003685784339904 +3.1661634432642085,3.7914508127785744,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.7914508127785744,3.4998453855514526,3.513688176870346,2.2572493413661388,5.827163452797747,6.809450554847718 +3.6916269166885236,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.7914508127785744,3.4998453855514526,3.513688176870346,2.2572493413661388,5.827163452797747,6.809450554847718 +3.480827991840871,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.7914508127785744,3.4998453855514526,3.513688176870346,2.2572493413661388,5.827163452797747,6.809450554847718 +3.3567980915111932,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.7914508127785744,3.4998453855514526,3.513688176870346,2.2572493413661388,5.827163452797747,6.809450554847718 +3.484859297032419,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.7914508127785744,3.4998453855514526,3.513688176870346,2.2572493413661388,5.827163452797747,6.809450554847718 +3.5175018335251433,3.327929557241658,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.327929557241658,2.9900896549224854,3.0531329065561295,1.5989146825480969,5.6043050542790835,6.405247950553894 +3.3064828291535378,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.327929557241658,2.9900896549224854,3.0531329065561295,1.5989146825480969,5.6043050542790835,6.405247950553894 +3.5492535767586606,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.327929557241658,2.9900896549224854,3.0531329065561295,1.5989146825480969,5.6043050542790835,6.405247950553894 +3.7806650108804827,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.327929557241658,2.9900896549224854,3.0531329065561295,1.5989146825480969,5.6043050542790835,6.405247950553894 +3.562521237291788,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.327929557241658,2.9900896549224854,3.0531329065561295,1.5989146825480969,5.6043050542790835,6.405247950553894 +3.1636442765005324,3.191007431834302,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.191007431834302,2.8672696352005005,2.938836619257927,1.7050483442367392,5.170309746519048,6.263508081436161 +3.659957438766172,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.191007431834302,2.8672696352005005,2.938836619257927,1.7050483442367392,5.170309746519048,6.263508081436161 +3.5011096426923025,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.191007431834302,2.8672696352005005,2.938836619257927,1.7050483442367392,5.170309746519048,6.263508081436161 +3.5502563142070644,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.191007431834302,2.8672696352005005,2.938836619257927,1.7050483442367392,5.170309746519048,6.263508081436161 +3.3754345211935672,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.191007431834302,2.8672696352005005,2.938836619257927,1.7050483442367392,5.170309746519048,6.263508081436161 +3.6061725962318874,2.92512844138323,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.92512844138323,2.4484277963638306,2.5507380589842796,1.3187926443333322,5.273082012825824,6.36406342983246 +3.7311578878838767,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.92512844138323,2.4484277963638306,2.5507380589842796,1.3187926443333322,5.273082012825824,6.36406342983246 +3.4991353725916463,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.92512844138323,2.4484277963638306,2.5507380589842796,1.3187926443333322,5.273082012825824,6.36406342983246 +3.566235303682716,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.92512844138323,2.4484277963638306,2.5507380589842796,1.3187926443333322,5.273082012825824,6.36406342983246 +3.4048441129883655,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.92512844138323,2.4484277963638306,2.5507380589842796,1.3187926443333322,5.273082012825824,6.36406342983246 +3.270683146679872,2.8131818914825613,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8131818914825613,2.3480459451675415,2.448901154100895,1.236747517547709,5.16116515119025,6.383708596229555 +3.282553805685357,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8131818914825613,2.3480459451675415,2.448901154100895,1.236747517547709,5.16116515119025,6.383708596229555 +3.321111023778978,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8131818914825613,2.3480459451675415,2.448901154100895,1.236747517547709,5.16116515119025,6.383708596229555 +3.5400770803227237,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8131818914825613,2.3480459451675415,2.448901154100895,1.236747517547709,5.16116515119025,6.383708596229555 +3.2445330947833626,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8131818914825613,2.3480459451675415,2.448901154100895,1.236747517547709,5.16116515119025,6.383708596229555 +3.4163289825186918,2.560348583900548,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.560348583900548,2.2387783527374268,2.249747686088085,0.977952019648349,4.7916856014982185,5.527440071105958 +3.364322383799835,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.560348583900548,2.2387783527374268,2.249747686088085,0.977952019648349,4.7916856014982185,5.527440071105958 +3.650426833253158,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.560348583900548,2.2387783527374268,2.249747686088085,0.977952019648349,4.7916856014982185,5.527440071105958 +3.238547054364493,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.560348583900548,2.2387783527374268,2.249747686088085,0.977952019648349,4.7916856014982185,5.527440071105958 +3.5347035350964258,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.560348583900548,2.2387783527374268,2.249747686088085,0.977952019648349,4.7916856014982185,5.527440071105958 +3.3866057164770993,2.324657800429045,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.324657800429045,1.827991545200348,1.9735478162765503,0.8118635748929166,4.601344894855581,5.704284429550173 +3.3666046911164336,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.324657800429045,1.827991545200348,1.9735478162765503,0.8118635748929166,4.601344894855581,5.704284429550173 +3.3956790690359315,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.324657800429045,1.827991545200348,1.9735478162765503,0.8118635748929166,4.601344894855581,5.704284429550173 +3.574372869122185,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.324657800429045,1.827991545200348,1.9735478162765503,0.8118635748929166,4.601344894855581,5.704284429550173 +3.618020319644558,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.324657800429045,1.827991545200348,1.9735478162765503,0.8118635748929166,4.601344894855581,5.704284429550173 +3.6793477353884985,2.818624944406304,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.818624944406304,2.3994288444519043,2.446945086121559,1.0050748749933345,5.474651412760958,7.008634686470032 +3.6534364790704688,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.818624944406304,2.3994288444519043,2.446945086121559,1.0050748749933345,5.474651412760958,7.008634686470032 +3.6564905705420596,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.818624944406304,2.3994288444519043,2.446945086121559,1.0050748749933345,5.474651412760958,7.008634686470032 +3.448411568018951,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.818624944406304,2.3994288444519043,2.446945086121559,1.0050748749933345,5.474651412760958,7.008634686470032 +3.352083812497164,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.818624944406304,2.3994288444519043,2.446945086121559,1.0050748749933345,5.474651412760958,7.008634686470032 +3.530033968428248,3.1677954907112933,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1677954907112933,2.872418522834778,2.9343987107276917,1.4745541379806844,5.396553054768988,6.36040143966675 +3.6957373404581295,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1677954907112933,2.872418522834778,2.9343987107276917,1.4745541379806844,5.396553054768988,6.36040143966675 +3.7311409214021345,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1677954907112933,2.872418522834778,2.9343987107276917,1.4745541379806844,5.396553054768988,6.36040143966675 +3.3917045447387193,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1677954907112933,2.872418522834778,2.9343987107276917,1.4745541379806844,5.396553054768988,6.36040143966675 +3.5725005319047916,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1677954907112933,2.872418522834778,2.9343987107276917,1.4745541379806844,5.396553054768988,6.36040143966675 +3.6093838931306412,2.938881576061249,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.938881576061249,2.568525791168213,2.711781993508339,1.201982117713766,5.270261754380896,5.923563766479494 +3.4136791452961535,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.938881576061249,2.568525791168213,2.711781993508339,1.201982117713766,5.270261754380896,5.923563766479494 +3.711670802141491,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.938881576061249,2.568525791168213,2.711781993508339,1.201982117713766,5.270261754380896,5.923563766479494 +3.423049098723813,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.938881576061249,2.568525791168213,2.711781993508339,1.201982117713766,5.270261754380896,5.923563766479494 +3.6103435582432306,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.938881576061249,2.568525791168213,2.711781993508339,1.201982117713766,5.270261754380896,5.923563766479494 +3.532745247883232,2.9344331352634634,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9344331352634634,2.6589951515197754,2.7264639884233475,1.4849828291446605,4.913913980443427,5.835235118865967 +3.447292034602479,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9344331352634634,2.6589951515197754,2.7264639884233475,1.4849828291446605,4.913913980443427,5.835235118865967 +3.3980270916498023,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9344331352634634,2.6589951515197754,2.7264639884233475,1.4849828291446605,4.913913980443427,5.835235118865967 +3.6023793617949673,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9344331352634634,2.6589951515197754,2.7264639884233475,1.4849828291446605,4.913913980443427,5.835235118865967 +3.5871023287114343,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9344331352634634,2.6589951515197754,2.7264639884233475,1.4849828291446605,4.913913980443427,5.835235118865967 +3.3636469907862576,3.019742712854071,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.019742712854071,2.7829673290252686,2.7724048867821693,1.381037710194892,5.143693305076437,5.8044109821319605 +3.6158548944874815,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.019742712854071,2.7829673290252686,2.7724048867821693,1.381037710194892,5.143693305076437,5.8044109821319605 +3.5336063127180464,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.019742712854071,2.7829673290252686,2.7724048867821693,1.381037710194892,5.143693305076437,5.8044109821319605 +3.6356582795907006,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.019742712854071,2.7829673290252686,2.7724048867821693,1.381037710194892,5.143693305076437,5.8044109821319605 +3.365693159185742,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.019742712854071,2.7829673290252686,2.7724048867821693,1.381037710194892,5.143693305076437,5.8044109821319605 +3.3105763332624183,2.986775059173716,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.986775059173716,2.5493751764297485,2.6415562108159065,1.5330340538887268,5.160260738210475,6.187348508834839 +3.558079324525438,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.986775059173716,2.5493751764297485,2.6415562108159065,1.5330340538887268,5.160260738210475,6.187348508834839 +3.3792634581264696,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.986775059173716,2.5493751764297485,2.6415562108159065,1.5330340538887268,5.160260738210475,6.187348508834839 +3.522059892314045,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.986775059173716,2.5493751764297485,2.6415562108159065,1.5330340538887268,5.160260738210475,6.187348508834839 +3.5807373819578636,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.986775059173716,2.5493751764297485,2.6415562108159065,1.5330340538887268,5.160260738210475,6.187348508834839 +3.4004800686122554,3.382054664036061,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.382054664036061,3.1015625,3.1803396195173264,1.9796133967156107,5.208275673237253,5.905002331733705 +3.5669210455135296,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.382054664036061,3.1015625,3.1803396195173264,1.9796133967156107,5.208275673237253,5.905002331733705 +3.412769280295623,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.382054664036061,3.1015625,3.1803396195173264,1.9796133967156107,5.208275673237253,5.905002331733705 +3.652697912917325,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.382054664036061,3.1015625,3.1803396195173264,1.9796133967156107,5.208275673237253,5.905002331733705 +3.6699459519433346,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.382054664036061,3.1015625,3.1803396195173264,1.9796133967156107,5.208275673237253,5.905002331733705 +3.4328571543881767,2.2973336953114956,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2973336953114956,1.7181555032730103,1.8999835923314095,0.706164188207464,4.771356821060181,6.0817213058471715 +3.482710954488108,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2973336953114956,1.7181555032730103,1.8999835923314095,0.706164188207464,4.771356821060181,6.0817213058471715 +3.5930586209422666,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2973336953114956,1.7181555032730103,1.8999835923314095,0.706164188207464,4.771356821060181,6.0817213058471715 +3.352583467646649,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2973336953114956,1.7181555032730103,1.8999835923314095,0.706164188207464,4.771356821060181,6.0817213058471715 +3.5581029445913277,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.2973336953114956,1.7181555032730103,1.8999835923314095,0.706164188207464,4.771356821060181,6.0817213058471715 +3.421188412841998,3.168266603604276,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.168266603604276,2.7611265182495117,2.8887245059013367,1.6838552507948368,5.338705554921576,6.450678586959841 +3.507643230377059,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.168266603604276,2.7611265182495117,2.8887245059013367,1.6838552507948368,5.338705554921576,6.450678586959841 +3.509849230611795,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.168266603604276,2.7611265182495117,2.8887245059013367,1.6838552507948368,5.338705554921576,6.450678586959841 +3.3503923764942507,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.168266603604276,2.7611265182495117,2.8887245059013367,1.6838552507948368,5.338705554921576,6.450678586959841 +3.6276264321647194,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.168266603604276,2.7611265182495117,2.8887245059013367,1.6838552507948368,5.338705554921576,6.450678586959841 +3.4006250008940695,3.4226096759926765,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4226096759926765,3.210365891456604,3.2655347883701324,1.501470613669842,5.8060299893642995,6.306944966316224 +3.436298293894843,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4226096759926765,3.210365891456604,3.2655347883701324,1.501470613669842,5.8060299893642995,6.306944966316224 +3.53610772584614,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4226096759926765,3.210365891456604,3.2655347883701324,1.501470613669842,5.8060299893642995,6.306944966316224 +3.3981389060224356,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4226096759926765,3.210365891456604,3.2655347883701324,1.501470613669842,5.8060299893642995,6.306944966316224 +3.5370637701726273,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.4226096759926765,3.210365891456604,3.2655347883701324,1.501470613669842,5.8060299893642995,6.306944966316224 +3.5824168252709665,2.5320768537039453,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.5320768537039453,2.2395554780960083,2.2457098737359047,0.8074865531414113,4.845442432038327,5.900237679481506 +3.489042875445203,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.5320768537039453,2.2395554780960083,2.2457098737359047,0.8074865531414113,4.845442432038327,5.900237679481506 +3.516238034595,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.5320768537039453,2.2395554780960083,2.2457098737359047,0.8074865531414113,4.845442432038327,5.900237679481506 +3.5902014277875423,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.5320768537039453,2.2395554780960083,2.2457098737359047,0.8074865531414113,4.845442432038327,5.900237679481506 +3.309501075156425,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.5320768537039453,2.2395554780960083,2.2457098737359047,0.8074865531414113,4.845442432038327,5.900237679481506 +3.616999152969373,3.5671146064204104,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.5671146064204104,3.2597185373306274,3.3091405630111694,1.8493306265866503,5.784933191664676,6.837610363960266 +3.367315320847066,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.5671146064204104,3.2597185373306274,3.3091405630111694,1.8493306265866503,5.784933191664676,6.837610363960266 +3.702260597795248,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.5671146064204104,3.2597185373306274,3.3091405630111694,1.8493306265866503,5.784933191664676,6.837610363960266 +3.6997267733475097,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.5671146064204104,3.2597185373306274,3.3091405630111694,1.8493306265866503,5.784933191664676,6.837610363960266 +3.6635433876004657,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.5671146064204104,3.2597185373306274,3.3091405630111694,1.8493306265866503,5.784933191664676,6.837610363960266 +3.498099785651031,2.6907828194980925,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6907828194980925,2.3647745847702026,2.427680805325508,0.9620448192383381,4.955270787502857,5.850213408470154 +3.505498534205713,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6907828194980925,2.3647745847702026,2.427680805325508,0.9620448192383381,4.955270787502857,5.850213408470154 +3.5824892315033234,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6907828194980925,2.3647745847702026,2.427680805325508,0.9620448192383381,4.955270787502857,5.850213408470154 +3.4887078566770806,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6907828194980925,2.3647745847702026,2.427680805325508,0.9620448192383381,4.955270787502857,5.850213408470154 +3.6034456998698023,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.6907828194980925,2.3647745847702026,2.427680805325508,0.9620448192383381,4.955270787502857,5.850213408470154 +3.389254099934509,2.9388944084974047,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9388944084974047,2.5398298501968384,2.600384384393692,1.4712376632588975,5.209745087522141,6.466673827171325 +3.3053334352217223,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9388944084974047,2.5398298501968384,2.600384384393692,1.4712376632588975,5.209745087522141,6.466673827171325 +3.5519514449725027,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9388944084974047,2.5398298501968384,2.600384384393692,1.4712376632588975,5.209745087522141,6.466673827171325 +3.278415135686335,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9388944084974047,2.5398298501968384,2.600384384393692,1.4712376632588975,5.209745087522141,6.466673827171325 +3.3496555305429196,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9388944084974047,2.5398298501968384,2.600384384393692,1.4712376632588975,5.209745087522141,6.466673827171325 +3.464312383356063,2.734237872183006,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.734237872183006,2.2713279724121094,2.382988601922989,1.318172146506766,4.869192574886566,5.9463359355926535 +3.5635476768997156,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.734237872183006,2.2713279724121094,2.382988601922989,1.318172146506766,4.869192574886566,5.9463359355926535 +3.6425399804585856,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.734237872183006,2.2713279724121094,2.382988601922989,1.318172146506766,4.869192574886566,5.9463359355926535 +3.4233257123710295,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.734237872183006,2.2713279724121094,2.382988601922989,1.318172146506766,4.869192574886566,5.9463359355926535 +3.58876706530389,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.734237872183006,2.2713279724121094,2.382988601922989,1.318172146506766,4.869192574886566,5.9463359355926535 +3.4811756522443735,3.883083660393319,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.883083660393319,3.7536301612854004,3.7522860020399094,1.3777409658787099,6.643820945252764,8.052229595184327 +3.566121442615986,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.883083660393319,3.7536301612854004,3.7522860020399094,1.3777409658787099,6.643820945252764,8.052229595184327 +3.1924113124216857,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.883083660393319,3.7536301612854004,3.7522860020399094,1.3777409658787099,6.643820945252764,8.052229595184327 +3.5665901869731513,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.883083660393319,3.7536301612854004,3.7522860020399094,1.3777409658787099,6.643820945252764,8.052229595184327 +3.7555032497566,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.883083660393319,3.7536301612854004,3.7522860020399094,1.3777409658787099,6.643820945252764,8.052229595184327 +3.555376211828307,2.4350051989263677,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.4350051989263677,2.082340717315674,2.1502951830625534,0.9890881732423255,4.578674859188973,6.136083364486694 +3.785783647981129,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.4350051989263677,2.082340717315674,2.1502951830625534,0.9890881732423255,4.578674859188973,6.136083364486694 +3.4242915808762375,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.4350051989263677,2.082340717315674,2.1502951830625534,0.9890881732423255,4.578674859188973,6.136083364486694 +3.2638923728348392,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.4350051989263677,2.082340717315674,2.1502951830625534,0.9890881732423255,4.578674859188973,6.136083364486694 +3.1971180960339933,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.4350051989263677,2.082340717315674,2.1502951830625534,0.9890881732423255,4.578674859188973,6.136083364486694 +3.392594114142029,3.1977004602234413,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1977004602234413,2.805853009223938,2.8492947965860367,1.4709524512290955,5.637147563569089,6.924358463287357 +3.4539995969322166,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1977004602234413,2.805853009223938,2.8492947965860367,1.4709524512290955,5.637147563569089,6.924358463287357 +3.4250384499367916,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1977004602234413,2.805853009223938,2.8492947965860367,1.4709524512290955,5.637147563569089,6.924358463287357 +3.581564323133544,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1977004602234413,2.805853009223938,2.8492947965860367,1.4709524512290955,5.637147563569089,6.924358463287357 +3.692995393080147,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1977004602234413,2.805853009223938,2.8492947965860367,1.4709524512290955,5.637147563569089,6.924358463287357 +3.5770503628410792,2.8087990430996137,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8087990430996137,2.591567039489746,2.592182479798794,0.9668971736063349,5.117601947581514,5.909943914413452 +3.4536557581863905,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8087990430996137,2.591567039489746,2.592182479798794,0.9668971736063349,5.117601947581514,5.909943914413452 +3.3249136108905075,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8087990430996137,2.591567039489746,2.592182479798794,0.9668971736063349,5.117601947581514,5.909943914413452 +3.2984119130592595,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8087990430996137,2.591567039489746,2.592182479798794,0.9668971736063349,5.117601947581514,5.909943914413452 +3.6227557706401536,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.8087990430996137,2.591567039489746,2.592182479798794,0.9668971736063349,5.117601947581514,5.909943914413452 +3.1764129500443996,2.44106418191594,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.44106418191594,2.1378499269485474,2.1324948519468307,0.8469216942470125,4.690034744587351,5.409252429008484 +3.4085198997274824,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.44106418191594,2.1378499269485474,2.1324948519468307,0.8469216942470125,4.690034744587351,5.409252429008484 +3.348641177345263,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.44106418191594,2.1378499269485474,2.1324948519468307,0.8469216942470125,4.690034744587351,5.409252429008484 +3.373084566173585,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.44106418191594,2.1378499269485474,2.1324948519468307,0.8469216942470125,4.690034744587351,5.409252429008484 +3.6881982384935807,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.44106418191594,2.1378499269485474,2.1324948519468307,0.8469216942470125,4.690034744587351,5.409252429008484 +3.5102773673048144,3.1098481156724564,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1098481156724564,2.7658315896987915,2.851503014564514,1.709027089971177,5.061651792932064,6.009090065956117 +3.4474575288789837,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1098481156724564,2.7658315896987915,2.851503014564514,1.709027089971177,5.061651792932064,6.009090065956117 +3.272313377339589,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1098481156724564,2.7658315896987915,2.851503014564514,1.709027089971177,5.061651792932064,6.009090065956117 +3.4197220698783273,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1098481156724564,2.7658315896987915,2.851503014564514,1.709027089971177,5.061651792932064,6.009090065956117 +3.766521168892321,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,3.1098481156724564,2.7658315896987915,2.851503014564514,1.709027089971177,5.061651792932064,6.009090065956117 +3.6233409145160724,2.9786949679651795,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9786949679651795,2.6934080123901367,2.7582996487617493,1.3400974433789863,5.084260839097043,5.829547572135928 +3.3068352072254608,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9786949679651795,2.6934080123901367,2.7582996487617493,1.3400974433789863,5.084260839097043,5.829547572135928 +3.5263396892108414,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9786949679651795,2.6934080123901367,2.7582996487617493,1.3400974433789863,5.084260839097043,5.829547572135928 +3.638359808941421,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9786949679651795,2.6934080123901367,2.7582996487617493,1.3400974433789863,5.084260839097043,5.829547572135928 +3.304777477838491,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.9786949679651795,2.6934080123901367,2.7582996487617493,1.3400974433789863,5.084260839097043,5.829547572135928 +3.61381781760015,2.885660168972421,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.885660168972421,2.471745014190674,2.559494271874428,1.4265773068083094,5.093925694201855,6.0939932584762575 +3.390362297331816,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.885660168972421,2.471745014190674,2.559494271874428,1.4265773068083094,5.093925694201855,6.0939932584762575 +3.4557863435266833,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.885660168972421,2.471745014190674,2.559494271874428,1.4265773068083094,5.093925694201855,6.0939932584762575 +3.207076303072666,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.885660168972421,2.471745014190674,2.559494271874428,1.4265773068083094,5.093925694201855,6.0939932584762575 +3.27342299932712,0,2.2324610935880784,1.6673692464828491,1.8318699449300766,0.6680920124053955,4.696808774420556,5.836024022102356,2.885660168972421,2.471745014190674,2.559494271874428,1.4265773068083094,5.093925694201855,6.0939932584762575 +3.346748100417225,2.107810821780499,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326 +3.5623080545350123,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326 +3.449358220868989,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326 +3.3112803215651136,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326 +3.659412337133759,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326 +3.37232480417741,3.646311550698382,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.646311550698382,3.5100706815719604,3.5085689574480057,1.5097233031658417,6.106482688416826,6.9845873594284065 +3.571457920909712,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.646311550698382,3.5100706815719604,3.5085689574480057,1.5097233031658417,6.106482688416826,6.9845873594284065 +3.3847319045741306,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.646311550698382,3.5100706815719604,3.5085689574480057,1.5097233031658417,6.106482688416826,6.9845873594284065 +3.5192895295196456,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.646311550698382,3.5100706815719604,3.5085689574480057,1.5097233031658417,6.106482688416826,6.9845873594284065 +3.4095537717209052,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.646311550698382,3.5100706815719604,3.5085689574480057,1.5097233031658417,6.106482688416826,6.9845873594284065 +3.3446879019470592,3.2895109337219535,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2895109337219535,3.073602080345154,3.0790094435214996,1.4251517999045393,5.645990341267687,6.410348773002625 +3.330040313852461,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2895109337219535,3.073602080345154,3.0790094435214996,1.4251517999045393,5.645990341267687,6.410348773002625 +3.32915928828481,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2895109337219535,3.073602080345154,3.0790094435214996,1.4251517999045393,5.645990341267687,6.410348773002625 +3.4945354463434533,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2895109337219535,3.073602080345154,3.0790094435214996,1.4251517999045393,5.645990341267687,6.410348773002625 +3.4441737225573315,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2895109337219535,3.073602080345154,3.0790094435214996,1.4251517999045393,5.645990341267687,6.410348773002625 +3.527615279469051,2.965204963381303,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.965204963381303,2.61411714553833,2.666930355131626,1.3869221300837842,5.151273549871242,6.097261357307435 +3.3405122094444537,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.965204963381303,2.61411714553833,2.666930355131626,1.3869221300837842,5.151273549871242,6.097261357307435 +3.3752541609108446,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.965204963381303,2.61411714553833,2.666930355131626,1.3869221300837842,5.151273549871242,6.097261357307435 +3.272026411581196,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.965204963381303,2.61411714553833,2.666930355131626,1.3869221300837842,5.151273549871242,6.097261357307435 +3.351292261402858,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.965204963381303,2.61411714553833,2.666930355131626,1.3869221300837842,5.151273549871242,6.097261357307435 +3.464549407892321,3.296150639970252,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.296150639970252,3.055111289024353,3.072767272591591,1.82165135728552,5.283763794188804,6.19188392162323 +3.5367661960422994,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.296150639970252,3.055111289024353,3.072767272591591,1.82165135728552,5.283763794188804,6.19188392162323 +3.2427726748742556,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.296150639970252,3.055111289024353,3.072767272591591,1.82165135728552,5.283763794188804,6.19188392162323 +3.512012994485466,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.296150639970252,3.055111289024353,3.072767272591591,1.82165135728552,5.283763794188804,6.19188392162323 +3.463942377269268,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.296150639970252,3.055111289024353,3.072767272591591,1.82165135728552,5.283763794188804,6.19188392162323 +3.2138696060957095,3.105272011197311,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.105272011197311,2.685572624206543,2.785299353301525,1.2871601313669632,5.508881386290205,6.680851674079896 +3.361199643423683,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.105272011197311,2.685572624206543,2.785299353301525,1.2871601313669632,5.508881386290205,6.680851674079896 +3.335411608513249,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.105272011197311,2.685572624206543,2.785299353301525,1.2871601313669632,5.508881386290205,6.680851674079896 +3.3095194255246927,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.105272011197311,2.685572624206543,2.785299353301525,1.2871601313669632,5.508881386290205,6.680851674079896 +3.3212308097042533,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.105272011197311,2.685572624206543,2.785299353301525,1.2871601313669632,5.508881386290205,6.680851674079896 +3.350069891700619,2.3484788263176983,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.3484788263176983,1.9777951836585999,2.022546663880348,0.8345433671740775,4.581716963585387,5.199682235717774 +3.5027789247663397,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.3484788263176983,1.9777951836585999,2.022546663880348,0.8345433671740775,4.581716963585387,5.199682235717774 +3.5709072438117704,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.3484788263176983,1.9777951836585999,2.022546663880348,0.8345433671740775,4.581716963585387,5.199682235717774 +3.652563978653205,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.3484788263176983,1.9777951836585999,2.022546663880348,0.8345433671740775,4.581716963585387,5.199682235717774 +3.4182442844698304,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.3484788263176983,1.9777951836585999,2.022546663880348,0.8345433671740775,4.581716963585387,5.199682235717774 +3.2876754494481966,2.8575265218919896,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.8575265218919896,2.5801749229431152,2.5629415661096573,1.372443879538394,4.979218462680248,5.920928430557252 +3.4045883458303776,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.8575265218919896,2.5801749229431152,2.5629415661096573,1.372443879538394,4.979218462680248,5.920928430557252 +3.2258400022395346,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.8575265218919896,2.5801749229431152,2.5629415661096573,1.372443879538394,4.979218462680248,5.920928430557252 +3.4112120509147643,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.8575265218919896,2.5801749229431152,2.5629415661096573,1.372443879538394,4.979218462680248,5.920928430557252 +3.4329508390277623,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.8575265218919896,2.5801749229431152,2.5629415661096573,1.372443879538394,4.979218462680248,5.920928430557252 +3.5775288150498743,2.168474859617492,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.168474859617492,1.6144500374794006,1.7150241509079933,0.671299991138438,4.615959294298862,5.989366412162782 +3.340963071545488,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.168474859617492,1.6144500374794006,1.7150241509079933,0.671299991138438,4.615959294298862,5.989366412162782 +3.279963915206884,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.168474859617492,1.6144500374794006,1.7150241509079933,0.671299991138438,4.615959294298862,5.989366412162782 +3.638004658763346,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.168474859617492,1.6144500374794006,1.7150241509079933,0.671299991138438,4.615959294298862,5.989366412162782 +3.538285970687866,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.168474859617492,1.6144500374794006,1.7150241509079933,0.671299991138438,4.615959294298862,5.989366412162782 +3.3059971530970773,2.4615050794437843,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.4615050794437843,2.043009877204895,2.099157117307186,0.8677496551833255,4.773229801908452,5.954467082023623 +3.2921950437912817,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.4615050794437843,2.043009877204895,2.099157117307186,0.8677496551833255,4.773229801908452,5.954467082023623 +3.3795043573567742,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.4615050794437843,2.043009877204895,2.099157117307186,0.8677496551833255,4.773229801908452,5.954467082023623 +3.5442975982043303,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.4615050794437843,2.043009877204895,2.099157117307186,0.8677496551833255,4.773229801908452,5.954467082023623 +3.5527294266576828,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.4615050794437843,2.043009877204895,2.099157117307186,0.8677496551833255,4.773229801908452,5.954467082023623 +3.4800509686532775,4.231417779275712,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,4.231417779275712,3.996636390686035,4.008293837308884,2.220643546987087,6.75833091330021,7.536297082901001 +3.2952031283786423,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,4.231417779275712,3.996636390686035,4.008293837308884,2.220643546987087,6.75833091330021,7.536297082901001 +3.5291171618198094,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,4.231417779275712,3.996636390686035,4.008293837308884,2.220643546987087,6.75833091330021,7.536297082901001 +3.73807008431146,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,4.231417779275712,3.996636390686035,4.008293837308884,2.220643546987087,6.75833091330021,7.536297082901001 +3.2825729328942925,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,4.231417779275712,3.996636390686035,4.008293837308884,2.220643546987087,6.75833091330021,7.536297082901001 +3.413160338919414,2.726169341105096,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.726169341105096,2.420179605484009,2.476055346429348,1.0016740801486563,4.964624344034398,5.592429304122925 +3.565753183690341,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.726169341105096,2.420179605484009,2.476055346429348,1.0016740801486563,4.964624344034398,5.592429304122925 +3.356479827883212,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.726169341105096,2.420179605484009,2.476055346429348,1.0016740801486563,4.964624344034398,5.592429304122925 +3.05284204924185,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.726169341105096,2.420179605484009,2.476055346429348,1.0016740801486563,4.964624344034398,5.592429304122925 +3.540128467604518,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.726169341105096,2.420179605484009,2.476055346429348,1.0016740801486563,4.964624344034398,5.592429304122925 +3.641632417510999,3.4083831598784062,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.4083831598784062,3.179821014404297,3.1876434832811356,1.4128045363629118,5.869512527546984,6.894313907623292 +3.3232651498364776,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.4083831598784062,3.179821014404297,3.1876434832811356,1.4128045363629118,5.869512527546984,6.894313907623292 +3.3591695234179495,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.4083831598784062,3.179821014404297,3.1876434832811356,1.4128045363629118,5.869512527546984,6.894313907623292 +3.456021698172155,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.4083831598784062,3.179821014404297,3.1876434832811356,1.4128045363629118,5.869512527546984,6.894313907623292 +3.67559965468551,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.4083831598784062,3.179821014404297,3.1876434832811356,1.4128045363629118,5.869512527546984,6.894313907623292 +3.6745521870882887,2.841279272544891,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.841279272544891,2.383509635925293,2.5039834305644035,1.2788264745093407,5.108913244085109,5.8993840456008915 +3.2533845125648537,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.841279272544891,2.383509635925293,2.5039834305644035,1.2788264745093407,5.108913244085109,5.8993840456008915 +3.2486701274192646,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.841279272544891,2.383509635925293,2.5039834305644035,1.2788264745093407,5.108913244085109,5.8993840456008915 +3.243562194940291,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.841279272544891,2.383509635925293,2.5039834305644035,1.2788264745093407,5.108913244085109,5.8993840456008915 +3.4405907151730437,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.841279272544891,2.383509635925293,2.5039834305644035,1.2788264745093407,5.108913244085109,5.8993840456008915 +3.5898691403630534,3.0235154706429928,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.0235154706429928,2.7008655071258545,2.7488160729408264,1.2553004184935956,5.384926248104014,6.597640514373779 +3.5852011530022874,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.0235154706429928,2.7008655071258545,2.7488160729408264,1.2553004184935956,5.384926248104014,6.597640514373779 +3.385152797067636,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.0235154706429928,2.7008655071258545,2.7488160729408264,1.2553004184935956,5.384926248104014,6.597640514373779 +3.3343250709732897,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.0235154706429928,2.7008655071258545,2.7488160729408264,1.2553004184935956,5.384926248104014,6.597640514373779 +3.5030749609399785,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.0235154706429928,2.7008655071258545,2.7488160729408264,1.2553004184935956,5.384926248104014,6.597640514373779 +3.3641984073543236,2.9420895196021872,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.9420895196021872,2.4868717193603516,2.5812676921486855,1.3657326850485294,5.41537555735162,6.690378832817079 +3.178163969791249,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.9420895196021872,2.4868717193603516,2.5812676921486855,1.3657326850485294,5.41537555735162,6.690378832817079 +3.507685413211584,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.9420895196021872,2.4868717193603516,2.5812676921486855,1.3657326850485294,5.41537555735162,6.690378832817079 +3.3663763222921834,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.9420895196021872,2.4868717193603516,2.5812676921486855,1.3657326850485294,5.41537555735162,6.690378832817079 +3.604732989578655,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.9420895196021872,2.4868717193603516,2.5812676921486855,1.3657326850485294,5.41537555735162,6.690378832817079 +3.5837119740090873,2.6846173269317504,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.6846173269317504,2.312822937965393,2.4051698222756386,1.3216272351589609,4.651246760753875,5.8267157793045055 +3.431189237691854,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.6846173269317504,2.312822937965393,2.4051698222756386,1.3216272351589609,4.651246760753875,5.8267157793045055 +3.279710734753232,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.6846173269317504,2.312822937965393,2.4051698222756386,1.3216272351589609,4.651246760753875,5.8267157793045055 +3.306707445041914,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.6846173269317504,2.312822937965393,2.4051698222756386,1.3216272351589609,4.651246760753875,5.8267157793045055 +3.351502040420708,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.6846173269317504,2.312822937965393,2.4051698222756386,1.3216272351589609,4.651246760753875,5.8267157793045055 +3.2224918776436855,2.7344363816875092,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.7344363816875092,2.3528497219085693,2.4432550743222237,1.357293021171651,4.801921824191479,5.440625381469728 +3.572166652683365,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.7344363816875092,2.3528497219085693,2.4432550743222237,1.357293021171651,4.801921824191479,5.440625381469728 +3.333248145211684,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.7344363816875092,2.3528497219085693,2.4432550743222237,1.357293021171651,4.801921824191479,5.440625381469728 +3.5869095282727166,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.7344363816875092,2.3528497219085693,2.4432550743222237,1.357293021171651,4.801921824191479,5.440625381469728 +3.544894565073283,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,2.7344363816875092,2.3528497219085693,2.4432550743222237,1.357293021171651,4.801921824191479,5.440625381469728 +3.594491788039082,3.2966407753051596,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2966407753051596,2.8112192153930664,2.8481476604938507,1.6799601950543992,5.768765388651097,7.158370566368104 +3.4898921868714847,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2966407753051596,2.8112192153930664,2.8481476604938507,1.6799601950543992,5.768765388651097,7.158370566368104 +3.3043736349203083,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2966407753051596,2.8112192153930664,2.8481476604938507,1.6799601950543992,5.768765388651097,7.158370566368104 +3.6643618777198226,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2966407753051596,2.8112192153930664,2.8481476604938507,1.6799601950543992,5.768765388651097,7.158370566368104 +3.305796166705458,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.2966407753051596,2.8112192153930664,2.8481476604938507,1.6799601950543992,5.768765388651097,7.158370566368104 +3.476332417522606,3.3812590561648634,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.3812590561648634,3.023088812828064,3.1093000769615173,1.799262601010343,5.511873519166987,6.4067182779312155 +3.37416512281879,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.3812590561648634,3.023088812828064,3.1093000769615173,1.799262601010343,5.511873519166987,6.4067182779312155 +3.24820262589737,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.3812590561648634,3.023088812828064,3.1093000769615173,1.799262601010343,5.511873519166987,6.4067182779312155 +3.342807188081114,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.3812590561648634,3.023088812828064,3.1093000769615173,1.799262601010343,5.511873519166987,6.4067182779312155 +3.2366298654165706,0,2.107810821780499,1.7691779136657715,1.8392532840371132,0.5780753918150638,4.21806141670714,5.195970702171326,3.3812590561648634,3.023088812828064,3.1093000769615173,1.799262601010343,5.511873519166987,6.4067182779312155 +3.3344488244699804,2.047340336870006,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002 +3.330242985565411,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002 +3.659842864110282,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002 +3.2114387573184153,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002 +3.461978601742732,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002 +3.2637158589927773,2.5825766380479993,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5825766380479993,2.225564956665039,2.2833699733018875,1.033297839951008,4.747029010285723,6.165688443183903 +3.398554480762074,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5825766380479993,2.225564956665039,2.2833699733018875,1.033297839951008,4.747029010285723,6.165688443183903 +3.532347487893544,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5825766380479993,2.225564956665039,2.2833699733018875,1.033297839951008,4.747029010285723,6.165688443183903 +3.313829344040469,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5825766380479993,2.225564956665039,2.2833699733018875,1.033297839951008,4.747029010285723,6.165688443183903 +3.7724926452103413,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5825766380479993,2.225564956665039,2.2833699733018875,1.033297839951008,4.747029010285723,6.165688443183903 +3.6577582552244787,2.736983779104466,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.736983779104466,2.2672791481018066,2.3724135383963585,1.3817510826790587,4.823537375064606,5.875435614585877 +3.4998628310074933,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.736983779104466,2.2672791481018066,2.3724135383963585,1.3817510826790587,4.823537375064606,5.875435614585877 +3.2058030441011254,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.736983779104466,2.2672791481018066,2.3724135383963585,1.3817510826790587,4.823537375064606,5.875435614585877 +3.68272393637974,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.736983779104466,2.2672791481018066,2.3724135383963585,1.3817510826790587,4.823537375064606,5.875435614585877 +3.543490234311474,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.736983779104466,2.2672791481018066,2.3724135383963585,1.3817510826790587,4.823537375064606,5.875435614585877 +3.560648086745488,3.014735089020526,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.014735089020526,2.7485082149505615,2.765714183449745,1.5393208607714226,5.046575566555592,6.174356818199158 +3.4076661355793476,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.014735089020526,2.7485082149505615,2.765714183449745,1.5393208607714226,5.046575566555592,6.174356818199158 +3.6003241561745343,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.014735089020526,2.7485082149505615,2.765714183449745,1.5393208607714226,5.046575566555592,6.174356818199158 +3.4504250739161906,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.014735089020526,2.7485082149505615,2.765714183449745,1.5393208607714226,5.046575566555592,6.174356818199158 +3.3256276424386,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.014735089020526,2.7485082149505615,2.765714183449745,1.5393208607714226,5.046575566555592,6.174356818199158 +3.484218766461862,3.654781795681474,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.654781795681474,3.462238073348999,3.46411594748497,1.5405413652671145,6.168663430721201,7.058601927757264 +3.388935898714944,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.654781795681474,3.462238073348999,3.46411594748497,1.5405413652671145,6.168663430721201,7.058601927757264 +3.726135717057868,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.654781795681474,3.462238073348999,3.46411594748497,1.5405413652671145,6.168663430721201,7.058601927757264 +3.3023797249323446,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.654781795681474,3.462238073348999,3.46411594748497,1.5405413652671145,6.168663430721201,7.058601927757264 +3.417211955746538,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.654781795681474,3.462238073348999,3.46411594748497,1.5405413652671145,6.168663430721201,7.058601927757264 +3.347612583950946,2.734206248907016,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.734206248907016,2.4240610599517822,2.455570012331009,1.01013144961697,5.130181571270557,6.204345774650575 +3.7371622246150906,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.734206248907016,2.4240610599517822,2.455570012331009,1.01013144961697,5.130181571270557,6.204345774650575 +3.4365423360545386,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.734206248907016,2.4240610599517822,2.455570012331009,1.01013144961697,5.130181571270557,6.204345774650575 +3.28348516572855,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.734206248907016,2.4240610599517822,2.455570012331009,1.01013144961697,5.130181571270557,6.204345774650575 +3.509413014430749,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.734206248907016,2.4240610599517822,2.455570012331009,1.01013144961697,5.130181571270557,6.204345774650575 +3.0368590343547495,3.0151817053556442,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0151817053556442,2.6446672677993774,2.7490017265081406,1.5362216728798888,5.109236326623471,5.722439241409303 +3.3666520907298514,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0151817053556442,2.6446672677993774,2.7490017265081406,1.5362216728798888,5.109236326623471,5.722439241409303 +3.4455018976213116,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0151817053556442,2.6446672677993774,2.7490017265081406,1.5362216728798888,5.109236326623471,5.722439241409303 +3.423946949427849,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0151817053556442,2.6446672677993774,2.7490017265081406,1.5362216728798888,5.109236326623471,5.722439241409303 +3.3084166144069873,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0151817053556442,2.6446672677993774,2.7490017265081406,1.5362216728798888,5.109236326623471,5.722439241409303 +3.246752942353487,2.643739821151533,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.643739821151533,2.2651172876358032,2.336255893111229,1.1991056750746483,4.801485076863715,6.006790614128114 +3.307019571156094,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.643739821151533,2.2651172876358032,2.336255893111229,1.1991056750746483,4.801485076863715,6.006790614128114 +3.5338183791621733,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.643739821151533,2.2651172876358032,2.336255893111229,1.1991056750746483,4.801485076863715,6.006790614128114 +3.6208730911345857,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.643739821151533,2.2651172876358032,2.336255893111229,1.1991056750746483,4.801485076863715,6.006790614128114 +3.5112716438346787,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.643739821151533,2.2651172876358032,2.336255893111229,1.1991056750746483,4.801485076863715,6.006790614128114 +3.0627298302948476,4.13426587936726,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.13426587936726,3.9034945964813232,3.941743090748787,2.027181736966397,6.700993953867162,7.236201047897339 +3.1005887140176798,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.13426587936726,3.9034945964813232,3.941743090748787,2.027181736966397,6.700993953867162,7.236201047897339 +3.407755092962792,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.13426587936726,3.9034945964813232,3.941743090748787,2.027181736966397,6.700993953867162,7.236201047897339 +3.3394711745412726,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.13426587936726,3.9034945964813232,3.941743090748787,2.027181736966397,6.700993953867162,7.236201047897339 +3.3096394246738208,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.13426587936726,3.9034945964813232,3.941743090748787,2.027181736966397,6.700993953867162,7.236201047897339 +3.275156741961837,3.1399429193202484,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.1399429193202484,2.766365170478821,2.843814194202423,1.5598651424367378,5.249460453682757,5.857283663749695 +3.3685043838855466,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.1399429193202484,2.766365170478821,2.843814194202423,1.5598651424367378,5.249460453682757,5.857283663749695 +3.4811242054167546,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.1399429193202484,2.766365170478821,2.843814194202423,1.5598651424367378,5.249460453682757,5.857283663749695 +3.358186028074277,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.1399429193202484,2.766365170478821,2.843814194202423,1.5598651424367378,5.249460453682757,5.857283663749695 +3.40398288404471,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.1399429193202484,2.766365170478821,2.843814194202423,1.5598651424367378,5.249460453682757,5.857283663749695 +3.546895978658607,2.8611295589424195,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.8611295589424195,2.413686513900757,2.4993658140301704,1.2667270791023335,5.2304725545517945,6.300493931770324 +3.448394010490493,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.8611295589424195,2.413686513900757,2.4993658140301704,1.2667270791023335,5.2304725545517945,6.300493931770324 +3.4905071687149376,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.8611295589424195,2.413686513900757,2.4993658140301704,1.2667270791023335,5.2304725545517945,6.300493931770324 +3.337256379954909,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.8611295589424195,2.413686513900757,2.4993658140301704,1.2667270791023335,5.2304725545517945,6.300493931770324 +3.58109301683542,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.8611295589424195,2.413686513900757,2.4993658140301704,1.2667270791023335,5.2304725545517945,6.300493931770324 +3.1938135442765136,2.5455044912213975,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5455044912213975,2.1981492042541504,2.2585229203104973,1.0855810813447262,4.635973367285221,5.198707485198975 +3.284478373198133,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5455044912213975,2.1981492042541504,2.2585229203104973,1.0855810813447262,4.635973367285221,5.198707485198975 +3.3500194136837593,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5455044912213975,2.1981492042541504,2.2585229203104973,1.0855810813447262,4.635973367285221,5.198707485198975 +3.3006372103957755,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5455044912213975,2.1981492042541504,2.2585229203104973,1.0855810813447262,4.635973367285221,5.198707485198975 +3.424974720885879,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.5455044912213975,2.1981492042541504,2.2585229203104973,1.0855810813447262,4.635973367285221,5.198707485198975 +3.442073017084285,2.2155570114388112,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2155570114388112,1.7710487246513367,1.8991379886865616,0.7601317874294646,4.458054456304996,5.4598056316375745 +3.5719271308889513,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2155570114388112,1.7710487246513367,1.8991379886865616,0.7601317874294646,4.458054456304996,5.4598056316375745 +3.4278453590054263,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2155570114388112,1.7710487246513367,1.8991379886865616,0.7601317874294646,4.458054456304996,5.4598056316375745 +3.5484393587237912,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2155570114388112,1.7710487246513367,1.8991379886865616,0.7601317874294646,4.458054456304996,5.4598056316375745 +3.500512672999972,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2155570114388112,1.7710487246513367,1.8991379886865616,0.7601317874294646,4.458054456304996,5.4598056316375745 +3.2791759679976265,3.0919604298282177,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0919604298282177,2.7375088930130005,2.802043005824089,1.6544801313826378,5.164340886663883,6.265490078926087 +3.6523592860683016,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0919604298282177,2.7375088930130005,2.802043005824089,1.6544801313826378,5.164340886663883,6.265490078926087 +3.6042737826116773,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0919604298282177,2.7375088930130005,2.802043005824089,1.6544801313826378,5.164340886663883,6.265490078926087 +3.4671209565510877,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0919604298282177,2.7375088930130005,2.802043005824089,1.6544801313826378,5.164340886663883,6.265490078926087 +3.187477135050454,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.0919604298282177,2.7375088930130005,2.802043005824089,1.6544801313826378,5.164340886663883,6.265490078926087 +3.365565310771528,2.846978341407598,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.846978341407598,2.505202293395996,2.5465773791074753,1.0211311975058088,5.374897880757109,6.59284131526947 +3.3059119252193914,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.846978341407598,2.505202293395996,2.5465773791074753,1.0211311975058088,5.374897880757109,6.59284131526947 +3.4011198428116347,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.846978341407598,2.505202293395996,2.5465773791074753,1.0211311975058088,5.374897880757109,6.59284131526947 +3.2753173056401703,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.846978341407598,2.505202293395996,2.5465773791074753,1.0211311975058088,5.374897880757109,6.59284131526947 +3.2694834071946772,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.846978341407598,2.505202293395996,2.5465773791074753,1.0211311975058088,5.374897880757109,6.59284131526947 +3.298675555677006,2.2034522775322833,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2034522775322833,1.842122197151184,1.9263841211795807,0.7922296340161181,4.3488658844156465,5.490244436264039 +3.3657846563348643,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2034522775322833,1.842122197151184,1.9263841211795807,0.7922296340161181,4.3488658844156465,5.490244436264039 +3.292015294652236,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2034522775322833,1.842122197151184,1.9263841211795807,0.7922296340161181,4.3488658844156465,5.490244436264039 +3.331473707858669,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2034522775322833,1.842122197151184,1.9263841211795807,0.7922296340161181,4.3488658844156465,5.490244436264039 +3.319405125473675,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.2034522775322833,1.842122197151184,1.9263841211795807,0.7922296340161181,4.3488658844156465,5.490244436264039 +3.1759177442836135,2.6518486567000124,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6518486567000124,2.2414036989212036,2.38182470202446,1.2086283019248476,4.734213002184604,5.675542044639588 +3.523224609796154,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6518486567000124,2.2414036989212036,2.38182470202446,1.2086283019248476,4.734213002184604,5.675542044639588 +3.567816721373483,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6518486567000124,2.2414036989212036,2.38182470202446,1.2086283019248476,4.734213002184604,5.675542044639588 +3.603227249552545,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6518486567000124,2.2414036989212036,2.38182470202446,1.2086283019248476,4.734213002184604,5.675542044639588 +3.3511060975295934,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6518486567000124,2.2414036989212036,2.38182470202446,1.2086283019248476,4.734213002184604,5.675542044639588 +3.431208131893685,2.760662806398691,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.760662806398691,2.271071195602417,2.3591304048895836,1.103097140471986,5.315518511102555,6.761825752258302 +3.357985523284266,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.760662806398691,2.271071195602417,2.3591304048895836,1.103097140471986,5.315518511102555,6.761825752258302 +3.1763757651965867,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.760662806398691,2.271071195602417,2.3591304048895836,1.103097140471986,5.315518511102555,6.761825752258302 +3.2537795403678165,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.760662806398691,2.271071195602417,2.3591304048895836,1.103097140471986,5.315518511102555,6.761825752258302 +3.3720557618886233,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.760662806398691,2.271071195602417,2.3591304048895836,1.103097140471986,5.315518511102555,6.761825752258302 +3.2476803995276753,2.580149737087653,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.580149737087653,2.2615714073181152,2.33988007158041,1.0086940208331068,4.711301737643303,5.410349130630493 +3.4850462357856724,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.580149737087653,2.2615714073181152,2.33988007158041,1.0086940208331068,4.711301737643303,5.410349130630493 +3.5004619607407794,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.580149737087653,2.2615714073181152,2.33988007158041,1.0086940208331068,4.711301737643303,5.410349130630493 +3.536231967238219,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.580149737087653,2.2615714073181152,2.33988007158041,1.0086940208331068,4.711301737643303,5.410349130630493 +3.291755306328598,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.580149737087653,2.2615714073181152,2.33988007158041,1.0086940208331068,4.711301737643303,5.410349130630493 +3.2939872128398795,2.356163578107953,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.356163578107953,1.8852763175964355,1.972081996500492,0.9168284026549217,4.582432660650699,5.683281421661377 +3.2940894010035615,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.356163578107953,1.8852763175964355,1.972081996500492,0.9168284026549217,4.582432660650699,5.683281421661377 +3.2596743240168222,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.356163578107953,1.8852763175964355,1.972081996500492,0.9168284026549217,4.582432660650699,5.683281421661377 +3.1990051719311037,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.356163578107953,1.8852763175964355,1.972081996500492,0.9168284026549217,4.582432660650699,5.683281421661377 +3.3712411254252257,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.356163578107953,1.8852763175964355,1.972081996500492,0.9168284026549217,4.582432660650699,5.683281421661377 +3.509563571567598,3.203239803618573,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.203239803618573,2.9098438024520874,2.954180583357811,1.8158626099850268,5.142346879269215,6.392920994758606 +3.432128576620629,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.203239803618573,2.9098438024520874,2.954180583357811,1.8158626099850268,5.142346879269215,6.392920994758606 +3.445286149257108,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.203239803618573,2.9098438024520874,2.954180583357811,1.8158626099850268,5.142346879269215,6.392920994758606 +3.2845233474514988,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.203239803618573,2.9098438024520874,2.954180583357811,1.8158626099850268,5.142346879269215,6.392920994758606 +3.4311376536951252,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.203239803618573,2.9098438024520874,2.954180583357811,1.8158626099850268,5.142346879269215,6.392920994758606 +3.426442734583428,2.4768174940601306,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.4768174940601306,2.1062557697296143,2.1625119745731354,0.9355100837159664,4.706389117748179,6.074432849884033 +3.4302562114831647,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.4768174940601306,2.1062557697296143,2.1625119745731354,0.9355100837159664,4.706389117748179,6.074432849884033 +3.2404376297797026,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.4768174940601306,2.1062557697296143,2.1625119745731354,0.9355100837159664,4.706389117748179,6.074432849884033 +3.5964343973876614,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.4768174940601306,2.1062557697296143,2.1625119745731354,0.9355100837159664,4.706389117748179,6.074432849884033 +3.551254883526187,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.4768174940601306,2.1062557697296143,2.1625119745731354,0.9355100837159664,4.706389117748179,6.074432849884033 +3.560387977761658,2.341646306613024,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.341646306613024,1.905773937702179,1.9644936993718147,0.7821901221858695,4.680989224860009,6.022000694274903 +3.257939765916059,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.341646306613024,1.905773937702179,1.9644936993718147,0.7821901221858695,4.680989224860009,6.022000694274903 +3.29469633676896,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.341646306613024,1.905773937702179,1.9644936993718147,0.7821901221858695,4.680989224860009,6.022000694274903 +3.3324301064994772,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.341646306613024,1.905773937702179,1.9644936993718147,0.7821901221858695,4.680989224860009,6.022000694274903 +3.2863916349646294,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.341646306613024,1.905773937702179,1.9644936993718147,0.7821901221858695,4.680989224860009,6.022000694274903 +3.352099961728642,3.9235329995764063,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.9235329995764063,3.638652205467224,3.6835521906614304,2.2776624091128084,6.134225591700128,7.766541099548341 +3.19899794208376,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.9235329995764063,3.638652205467224,3.6835521906614304,2.2776624091128084,6.134225591700128,7.766541099548341 +3.189894733362292,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.9235329995764063,3.638652205467224,3.6835521906614304,2.2776624091128084,6.134225591700128,7.766541099548341 +3.6233395487266153,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.9235329995764063,3.638652205467224,3.6835521906614304,2.2776624091128084,6.134225591700128,7.766541099548341 +3.4397758704659185,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.9235329995764063,3.638652205467224,3.6835521906614304,2.2776624091128084,6.134225591700128,7.766541099548341 +3.3294409100750557,2.6307056740401906,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6307056740401906,2.3129539489746094,2.3521184027194977,1.2170189939280773,4.726695015075359,6.307012605667116 +3.4071485411963964,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6307056740401906,2.3129539489746094,2.3521184027194977,1.2170189939280773,4.726695015075359,6.307012605667116 +3.2107005980061856,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6307056740401906,2.3129539489746094,2.3521184027194977,1.2170189939280773,4.726695015075359,6.307012605667116 +3.3440194995583674,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6307056740401906,2.3129539489746094,2.3521184027194977,1.2170189939280773,4.726695015075359,6.307012605667116 +3.3482701039235843,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.6307056740401906,2.3129539489746094,2.3521184027194977,1.2170189939280773,4.726695015075359,6.307012605667116 +3.449440869590954,2.428515995832834,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.428515995832834,2.0000584721565247,2.0965611562132835,1.0458390804681372,4.551006423666122,5.722187781333924 +3.408637042500471,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.428515995832834,2.0000584721565247,2.0965611562132835,1.0458390804681372,4.551006423666122,5.722187781333924 +3.241642361957776,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.428515995832834,2.0000584721565247,2.0965611562132835,1.0458390804681372,4.551006423666122,5.722187781333924 +3.2815857145347094,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.428515995832834,2.0000584721565247,2.0965611562132835,1.0458390804681372,4.551006423666122,5.722187781333924 +3.238965133989328,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.428515995832834,2.0000584721565247,2.0965611562132835,1.0458390804681372,4.551006423666122,5.722187781333924 +3.59012566669599,3.4378708791225514,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.4378708791225514,3.146222710609436,3.1902466863393784,2.0473199144322822,5.410524946578006,6.5716722488403345 +3.29778780435261,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.4378708791225514,3.146222710609436,3.1902466863393784,2.0473199144322822,5.410524946578006,6.5716722488403345 +3.3275280018974294,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.4378708791225514,3.146222710609436,3.1902466863393784,2.0473199144322822,5.410524946578006,6.5716722488403345 +3.4579472083402307,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.4378708791225514,3.146222710609436,3.1902466863393784,2.0473199144322822,5.410524946578006,6.5716722488403345 +3.2921132893350564,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,3.4378708791225514,3.146222710609436,3.1902466863393784,2.0473199144322822,5.410524946578006,6.5716722488403345 +3.2856052111246083,4.059420144304316,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.059420144304316,3.6356096267700195,3.7178365886211395,2.102031403399528,6.68638549967015,7.781704068183899 +3.494205998648938,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.059420144304316,3.6356096267700195,3.7178365886211395,2.102031403399528,6.68638549967015,7.781704068183899 +3.2449791414957296,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.059420144304316,3.6356096267700195,3.7178365886211395,2.102031403399528,6.68638549967015,7.781704068183899 +3.279616825164933,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.059420144304316,3.6356096267700195,3.7178365886211395,2.102031403399528,6.68638549967015,7.781704068183899 +3.6629439221204896,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,4.059420144304316,3.6356096267700195,3.7178365886211395,2.102031403399528,6.68638549967015,7.781704068183899 +3.1650064330155914,2.220209191295695,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.220209191295695,1.700192928314209,1.8079425618052483,0.6798839841751342,4.573615545922137,5.729062819480896 +3.4374707622551606,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.220209191295695,1.700192928314209,1.8079425618052483,0.6798839841751342,4.573615545922137,5.729062819480896 +3.5305684903734607,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.220209191295695,1.700192928314209,1.8079425618052483,0.6798839841751342,4.573615545922137,5.729062819480896 +3.3804474140468397,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.220209191295695,1.700192928314209,1.8079425618052483,0.6798839841751342,4.573615545922137,5.729062819480896 +3.5002435414610726,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.220209191295695,1.700192928314209,1.8079425618052483,0.6798839841751342,4.573615545922137,5.729062819480896 +3.4297846054168124,2.3064269056504076,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.3064269056504076,1.9174597263336182,2.0004637464880943,0.7893547152585172,4.466310719226269,5.69056613445282 +3.325509652142462,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.3064269056504076,1.9174597263336182,2.0004637464880943,0.7893547152585172,4.466310719226269,5.69056613445282 +3.3257839643249385,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.3064269056504076,1.9174597263336182,2.0004637464880943,0.7893547152585172,4.466310719226269,5.69056613445282 +3.2720642096117922,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.3064269056504076,1.9174597263336182,2.0004637464880943,0.7893547152585172,4.466310719226269,5.69056613445282 +3.4693666832227454,0,2.047340336870006,1.5112903118133545,1.6498246006667614,0.6611708450190564,4.292500485765173,5.51861743927002,2.3064269056504076,1.9174597263336182,2.0004637464880943,0.7893547152585172,4.466310719226269,5.69056613445282 +3.2441000713329564,2.0233223322541156,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986 +3.5823360585852675,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986 +3.331868439893189,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986 +3.3664742391948637,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986 +3.348497411608696,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986 +3.2516448840498926,3.2415707777155207,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2415707777155207,3.046646475791931,3.0646779909729958,1.3852024433460641,5.526014500475944,6.330848598480225 +3.457049284581291,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2415707777155207,3.046646475791931,3.0646779909729958,1.3852024433460641,5.526014500475944,6.330848598480225 +3.364909589839609,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2415707777155207,3.046646475791931,3.0646779909729958,1.3852024433460641,5.526014500475944,6.330848598480225 +3.395080117881298,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2415707777155207,3.046646475791931,3.0646779909729958,1.3852024433460641,5.526014500475944,6.330848598480225 +3.438275871719969,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2415707777155207,3.046646475791931,3.0646779909729958,1.3852024433460641,5.526014500475944,6.330848598480225 +3.305315833381916,3.2871942539164363,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2871942539164363,2.9266005754470825,3.0027962625026703,1.8096735908630046,5.364927007796917,6.378317785263063 +3.241563523050986,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2871942539164363,2.9266005754470825,3.0027962625026703,1.8096735908630046,5.364927007796917,6.378317785263063 +3.5484505495350613,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2871942539164363,2.9266005754470825,3.0027962625026703,1.8096735908630046,5.364927007796917,6.378317785263063 +3.7208909133351162,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2871942539164363,2.9266005754470825,3.0027962625026703,1.8096735908630046,5.364927007796917,6.378317785263063 +3.3863671504157153,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2871942539164363,2.9266005754470825,3.0027962625026703,1.8096735908630046,5.364927007796917,6.378317785263063 +3.3859366784754554,2.455474889658867,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.455474889658867,2.0606977939605713,2.1814320012927055,0.8622348815836804,4.728892945228739,5.517918157577515 +3.49337389406405,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.455474889658867,2.0606977939605713,2.1814320012927055,0.8622348815836804,4.728892945228739,5.517918157577515 +3.262211975592532,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.455474889658867,2.0606977939605713,2.1814320012927055,0.8622348815836804,4.728892945228739,5.517918157577515 +3.3239063011188255,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.455474889658867,2.0606977939605713,2.1814320012927055,0.8622348815836804,4.728892945228739,5.517918157577515 +3.4968716948636267,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.455474889658867,2.0606977939605713,2.1814320012927055,0.8622348815836804,4.728892945228739,5.517918157577515 +3.404611239641121,2.376986323994525,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.376986323994525,2.0407419204711914,2.0864883214235306,0.9417673824949467,4.513345860420389,5.605319905281068 +3.3993765863540926,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.376986323994525,2.0407419204711914,2.0864883214235306,0.9417673824949467,4.513345860420389,5.605319905281068 +3.5137862351575966,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.376986323994525,2.0407419204711914,2.0864883214235306,0.9417673824949467,4.513345860420389,5.605319905281068 +3.4063163125397344,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.376986323994525,2.0407419204711914,2.0864883214235306,0.9417673824949467,4.513345860420389,5.605319905281068 +3.280882906403981,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.376986323994525,2.0407419204711914,2.0864883214235306,0.9417673824949467,4.513345860420389,5.605319905281068 +3.508255125974354,2.5832605737637966,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.5832605737637966,2.2593579292297363,2.329153098165989,0.820344661778592,4.932222518515079,5.916885328292847 +3.689620775611777,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.5832605737637966,2.2593579292297363,2.329153098165989,0.820344661778592,4.932222518515079,5.916885328292847 +3.21862550095508,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.5832605737637966,2.2593579292297363,2.329153098165989,0.820344661778592,4.932222518515079,5.916885328292847 +3.218480143107866,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.5832605737637966,2.2593579292297363,2.329153098165989,0.820344661778592,4.932222518515079,5.916885328292847 +3.5699475627196464,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.5832605737637966,2.2593579292297363,2.329153098165989,0.820344661778592,4.932222518515079,5.916885328292847 +3.277468133756989,3.449781244105481,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.449781244105481,3.024168848991394,3.1459579914808273,1.8462909739068214,5.6082673478633795,6.818767809867859 +3.5500914851693732,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.449781244105481,3.024168848991394,3.1459579914808273,1.8462909739068214,5.6082673478633795,6.818767809867859 +3.25790007153624,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.449781244105481,3.024168848991394,3.1459579914808273,1.8462909739068214,5.6082673478633795,6.818767809867859 +3.207265194054497,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.449781244105481,3.024168848991394,3.1459579914808273,1.8462909739068214,5.6082673478633795,6.818767809867859 +3.4040527293948752,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.449781244105481,3.024168848991394,3.1459579914808273,1.8462909739068214,5.6082673478633795,6.818767809867859 +3.290149755285759,3.3427301813313304,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.3427301813313304,3.129683256149292,3.1139071881771088,1.3113427885035251,5.862310257363827,7.315750694274907 +3.287112370878458,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.3427301813313304,3.129683256149292,3.1139071881771088,1.3113427885035251,5.862310257363827,7.315750694274907 +3.3492253189808445,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.3427301813313304,3.129683256149292,3.1139071881771088,1.3113427885035251,5.862310257363827,7.315750694274907 +3.245112335466241,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.3427301813313304,3.129683256149292,3.1139071881771088,1.3113427885035251,5.862310257363827,7.315750694274907 +3.486406395231423,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.3427301813313304,3.129683256149292,3.1139071881771088,1.3113427885035251,5.862310257363827,7.315750694274907 +3.492904042217292,2.7932076428798918,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7932076428798918,2.4423946142196655,2.522505611181259,1.2240793654259214,4.955641416793174,5.91111695766449 +3.107399308328566,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7932076428798918,2.4423946142196655,2.522505611181259,1.2240793654259214,4.955641416793174,5.91111695766449 +3.3436480786259235,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7932076428798918,2.4423946142196655,2.522505611181259,1.2240793654259214,4.955641416793174,5.91111695766449 +3.294279127979749,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7932076428798918,2.4423946142196655,2.522505611181259,1.2240793654259214,4.955641416793174,5.91111695766449 +3.3741202897539266,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7932076428798918,2.4423946142196655,2.522505611181259,1.2240793654259214,4.955641416793174,5.91111695766449 +3.2336191876154197,2.9588172670374524,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.9588172670374524,2.7161309719085693,2.773558236658573,1.1733541463283783,5.225853265600001,6.163425946235657 +3.1524590538128425,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.9588172670374524,2.7161309719085693,2.773558236658573,1.1733541463283783,5.225853265600001,6.163425946235657 +3.371243134454677,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.9588172670374524,2.7161309719085693,2.773558236658573,1.1733541463283783,5.225853265600001,6.163425946235657 +3.1729070267787107,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.9588172670374524,2.7161309719085693,2.773558236658573,1.1733541463283783,5.225853265600001,6.163425946235657 +3.3114093784635004,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.9588172670374524,2.7161309719085693,2.773558236658573,1.1733541463283783,5.225853265600001,6.163425946235657 +3.3623528645618967,4.332625025962579,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,4.332625025962579,4.344371318817139,4.2450269758701324,1.6817441679378773,7.24386502326803,7.988526701927187 +3.4088109579525496,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,4.332625025962579,4.344371318817139,4.2450269758701324,1.6817441679378773,7.24386502326803,7.988526701927187 +3.3568704937829783,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,4.332625025962579,4.344371318817139,4.2450269758701324,1.6817441679378773,7.24386502326803,7.988526701927187 +3.7021260848170834,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,4.332625025962579,4.344371318817139,4.2450269758701324,1.6817441679378773,7.24386502326803,7.988526701927187 +3.478123426613839,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,4.332625025962579,4.344371318817139,4.2450269758701324,1.6817441679378773,7.24386502326803,7.988526701927187 +3.324258418459641,2.476152625489742,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.476152625489742,2.1621365547180176,2.235224775969982,1.0104025424794947,4.496544325605352,5.835350108146668 +3.3024244399055056,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.476152625489742,2.1621365547180176,2.235224775969982,1.0104025424794947,4.496544325605352,5.835350108146668 +3.6006489550792855,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.476152625489742,2.1621365547180176,2.235224775969982,1.0104025424794947,4.496544325605352,5.835350108146668 +3.1745498366065714,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.476152625489742,2.1621365547180176,2.235224775969982,1.0104025424794947,4.496544325605352,5.835350108146668 +3.138669201908143,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.476152625489742,2.1621365547180176,2.235224775969982,1.0104025424794947,4.496544325605352,5.835350108146668 +3.32955168989536,2.7034221746503038,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7034221746503038,2.338178873062134,2.3906945139169693,1.0438741971837713,5.029409083914249,5.830297589302063 +3.5716602919329152,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7034221746503038,2.338178873062134,2.3906945139169693,1.0438741971837713,5.029409083914249,5.830297589302063 +3.4574940725376733,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7034221746503038,2.338178873062134,2.3906945139169693,1.0438741971837713,5.029409083914249,5.830297589302063 +3.3004317773604077,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7034221746503038,2.338178873062134,2.3906945139169693,1.0438741971837713,5.029409083914249,5.830297589302063 +3.147992724768425,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.7034221746503038,2.338178873062134,2.3906945139169693,1.0438741971837713,5.029409083914249,5.830297589302063 +3.365045641088172,2.798360908839931,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.798360908839931,2.4391937255859375,2.489474765956402,1.2857551216445071,5.022865467883171,5.901922988891602 +3.1914612078745113,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.798360908839931,2.4391937255859375,2.489474765956402,1.2857551216445071,5.022865467883171,5.901922988891602 +3.3568109790745533,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.798360908839931,2.4391937255859375,2.489474765956402,1.2857551216445071,5.022865467883171,5.901922988891602 +3.5507425035693143,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.798360908839931,2.4391937255859375,2.489474765956402,1.2857551216445071,5.022865467883171,5.901922988891602 +3.144555584890278,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.798360908839931,2.4391937255859375,2.489474765956402,1.2857551216445071,5.022865467883171,5.901922988891602 +3.124035787268689,3.0526271511582617,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0526271511582617,2.637194275856018,2.7227290347218513,1.1389600590188453,5.530634661938282,6.795562243461614 +3.2931498537330253,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0526271511582617,2.637194275856018,2.7227290347218513,1.1389600590188453,5.530634661938282,6.795562243461614 +3.144454766476625,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0526271511582617,2.637194275856018,2.7227290347218513,1.1389600590188453,5.530634661938282,6.795562243461614 +3.4792360351469958,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0526271511582617,2.637194275856018,2.7227290347218513,1.1389600590188453,5.530634661938282,6.795562243461614 +3.1649013363609186,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0526271511582617,2.637194275856018,2.7227290347218513,1.1389600590188453,5.530634661938282,6.795562243461614 +3.3848768737755326,2.770232648925578,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.770232648925578,2.381111264228821,2.4721519201993942,1.17604790342615,5.121587885187028,5.989587354660037 +3.285295785061623,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.770232648925578,2.381111264228821,2.4721519201993942,1.17604790342615,5.121587885187028,5.989587354660037 +3.368750011842502,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.770232648925578,2.381111264228821,2.4721519201993942,1.17604790342615,5.121587885187028,5.989587354660037 +3.1217061285713785,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.770232648925578,2.381111264228821,2.4721519201993942,1.17604790342615,5.121587885187028,5.989587354660037 +3.4596479045521273,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.770232648925578,2.381111264228821,2.4721519201993942,1.17604790342615,5.121587885187028,5.989587354660037 +3.1858821195795346,2.95288412954579,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.95288412954579,2.6363601684570312,2.7082668095827103,1.55304025398924,4.964703174347573,5.969536972045898 +3.3545143656236562,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.95288412954579,2.6363601684570312,2.7082668095827103,1.55304025398924,4.964703174347573,5.969536972045898 +3.259425101997821,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.95288412954579,2.6363601684570312,2.7082668095827103,1.55304025398924,4.964703174347573,5.969536972045898 +3.2738674088920416,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.95288412954579,2.6363601684570312,2.7082668095827103,1.55304025398924,4.964703174347573,5.969536972045898 +3.519760356804258,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.95288412954579,2.6363601684570312,2.7082668095827103,1.55304025398924,4.964703174347573,5.969536972045898 +3.482828783106647,3.2935825170988733,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2935825170988733,3.0408883094787598,3.0906474888324738,1.8690820919706466,5.1350652968629875,6.2407028675079355 +3.412798957134548,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2935825170988733,3.0408883094787598,3.0906474888324738,1.8690820919706466,5.1350652968629875,6.2407028675079355 +3.3209813290716785,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2935825170988733,3.0408883094787598,3.0906474888324738,1.8690820919706466,5.1350652968629875,6.2407028675079355 +3.219547489010974,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2935825170988733,3.0408883094787598,3.0906474888324738,1.8690820919706466,5.1350652968629875,6.2407028675079355 +3.461087261003099,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.2935825170988733,3.0408883094787598,3.0906474888324738,1.8690820919706466,5.1350652968629875,6.2407028675079355 +3.3633303049167522,2.8889405971511883,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.8889405971511883,2.58962881565094,2.6183886528015137,1.5571830944812044,4.79801082611084,5.944589352607727 +3.202236730801432,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.8889405971511883,2.58962881565094,2.6183886528015137,1.5571830944812044,4.79801082611084,5.944589352607727 +3.357456763225951,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.8889405971511883,2.58962881565094,2.6183886528015137,1.5571830944812044,4.79801082611084,5.944589352607727 +3.3515175386479026,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.8889405971511883,2.58962881565094,2.6183886528015137,1.5571830944812044,4.79801082611084,5.944589352607727 +3.4117702595889567,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.8889405971511883,2.58962881565094,2.6183886528015137,1.5571830944812044,4.79801082611084,5.944589352607727 +3.489898950763439,2.2350497379740504,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.2350497379740504,1.8267500400543213,1.9030370935797691,0.8000906480753676,4.355678822131867,6.076061439514161 +3.5988855144303096,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.2350497379740504,1.8267500400543213,1.9030370935797691,0.8000906480753676,4.355678822131867,6.076061439514161 +3.2794713699111813,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.2350497379740504,1.8267500400543213,1.9030370935797691,0.8000906480753676,4.355678822131867,6.076061439514161 +3.5402042991236637,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.2350497379740504,1.8267500400543213,1.9030370935797691,0.8000906480753676,4.355678822131867,6.076061439514161 +3.2873603464741454,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.2350497379740504,1.8267500400543213,1.9030370935797691,0.8000906480753676,4.355678822131867,6.076061439514161 +3.4210261503332537,2.516258527148277,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.516258527148277,2.192896008491516,2.22993366420269,0.8971697047669837,4.908657190647531,5.9718789100646985 +3.3128159970829363,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.516258527148277,2.192896008491516,2.22993366420269,0.8971697047669837,4.908657190647531,5.9718789100646985 +3.604375588540968,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.516258527148277,2.192896008491516,2.22993366420269,0.8971697047669837,4.908657190647531,5.9718789100646985 +3.2777949903160333,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.516258527148277,2.192896008491516,2.22993366420269,0.8971697047669837,4.908657190647531,5.9718789100646985 +3.1633495860193905,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.516258527148277,2.192896008491516,2.22993366420269,0.8971697047669837,4.908657190647531,5.9718789100646985 +3.2077002563562833,2.4522581380653254,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.4522581380653254,2.122625708580017,2.1555545404553413,0.7835388213713118,4.788910738965298,5.711636781692508 +3.2989854100895557,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.4522581380653254,2.122625708580017,2.1555545404553413,0.7835388213713118,4.788910738965298,5.711636781692508 +3.322227200277542,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.4522581380653254,2.122625708580017,2.1555545404553413,0.7835388213713118,4.788910738965298,5.711636781692508 +3.5555013606814962,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.4522581380653254,2.122625708580017,2.1555545404553413,0.7835388213713118,4.788910738965298,5.711636781692508 +3.4438921400002744,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.4522581380653254,2.122625708580017,2.1555545404553413,0.7835388213713118,4.788910738965298,5.711636781692508 +3.1511067595921065,2.586498548534322,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.586498548534322,2.200824737548828,2.2789786756038666,1.036478748346897,4.829672128596204,5.907214212417604 +3.435644141192499,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.586498548534322,2.200824737548828,2.2789786756038666,1.036478748346897,4.829672128596204,5.907214212417604 +3.2390694648811693,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.586498548534322,2.200824737548828,2.2789786756038666,1.036478748346897,4.829672128596204,5.907214212417604 +3.2356170729390885,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.586498548534322,2.200824737548828,2.2789786756038666,1.036478748346897,4.829672128596204,5.907214212417604 +3.0285848057191624,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.586498548534322,2.200824737548828,2.2789786756038666,1.036478748346897,4.829672128596204,5.907214212417604 +3.463280547782779,3.0574956767736596,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0574956767736596,2.726988434791565,2.795939564704895,1.664299783554483,5.018679253598477,5.434344720840454 +3.4237638980150225,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0574956767736596,2.726988434791565,2.795939564704895,1.664299783554483,5.018679253598477,5.434344720840454 +3.086015427818424,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0574956767736596,2.726988434791565,2.795939564704895,1.664299783554483,5.018679253598477,5.434344720840454 +3.276058649879537,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0574956767736596,2.726988434791565,2.795939564704895,1.664299783554483,5.018679253598477,5.434344720840454 +3.334921088638274,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,3.0574956767736596,2.726988434791565,2.795939564704895,1.664299783554483,5.018679253598477,5.434344720840454 +3.4777195457957295,2.419340736133621,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.419340736133621,2.0218738317489624,2.081130087375641,0.7521409687209637,4.739637501696323,5.710288381576539 +3.1234276465091266,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.419340736133621,2.0218738317489624,2.081130087375641,0.7521409687209637,4.739637501696323,5.710288381576539 +3.4363798080306305,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.419340736133621,2.0218738317489624,2.081130087375641,0.7521409687209637,4.739637501696323,5.710288381576539 +3.2883886441392334,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.419340736133621,2.0218738317489624,2.081130087375641,0.7521409687209637,4.739637501696323,5.710288381576539 +3.2625751286156865,0,2.0233223322541156,1.4147035479545593,1.584042303264141,0.6102809088027223,4.447169993786102,5.558571100234986,2.419340736133621,2.0218738317489624,2.081130087375641,0.7521409687209637,4.739637501696323,5.710288381576539 +3.3229448187115946,1.9246499262987933,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636 +3.391191884718443,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636 +3.1904459395690967,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636 +3.4775761060416697,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636 +3.306175983814817,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636 +3.521598284769999,2.1538636918635445,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,2.1538636918635445,1.6975613236427307,1.7231512553989887,0.5644185820475538,4.668072938919067,6.072860860824585 +3.413155341638546,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,2.1538636918635445,1.6975613236427307,1.7231512553989887,0.5644185820475538,4.668072938919067,6.072860860824585 +3.4716371762125116,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,2.1538636918635445,1.6975613236427307,1.7231512553989887,0.5644185820475538,4.668072938919067,6.072860860824585 +3.4569869386130256,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,2.1538636918635445,1.6975613236427307,1.7231512553989887,0.5644185820475538,4.668072938919067,6.072860860824585 +3.4272411707592636,0,1.9246499262987933,1.449080467224121,1.51997659355402,0.5163993253669841,4.2238529590850185,5.664392948150636,2.1538636918635445,1.6975613236427307,1.7231512553989887,0.5644185820475538,4.668072938919067,6.072860860824585 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_2/model.pth b/MiAlgo/trained_models/fc4_cwp/fold_2/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..f174d042d4dff95c0cc8593354bfd585ab6060e9 --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_2/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ef31a3ea6892f34fc30d6e99ec8f1092aed4cbd8f88ace8b3bdd23e9e0c7827 +size 6839487 diff --git a/MiAlgo/trained_models/fc4_cwp/fold_2/network.txt b/MiAlgo/trained_models/fc4_cwp/fold_2/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..1ed85bb2dd441f8f2138348e3d7649534b5504c9 --- /dev/null +++ b/MiAlgo/trained_models/fc4_cwp/fold_2/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 4, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/trained_models/fc4_sum/fold_0/metrics.csv b/MiAlgo/trained_models/fc4_sum/fold_0/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..ef14d54d5d8e625d8ccfb5598219e0700396d8ba --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_0/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +13.145319775415285,8.072832687191232,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285 +12.247191857064934,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285 +12.373762291779933,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285 +10.77903377144821,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285 +10.616789463013017,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285 +10.37188322846053,9.361690630357732,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,9.361690630357732,9.35884952545166,9.231157183647156,3.9921487671263676,14.542440931002298,15.92564964294433 +10.754303160946728,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,9.361690630357732,9.35884952545166,9.231157183647156,3.9921487671263676,14.542440931002298,15.92564964294433 +10.200147581957575,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,9.361690630357732,9.35884952545166,9.231157183647156,3.9921487671263676,14.542440931002298,15.92564964294433 +10.648405048770137,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,9.361690630357732,9.35884952545166,9.231157183647156,3.9921487671263676,14.542440931002298,15.92564964294433 +9.748490304855684,0,8.072832687191232,4.309935092926025,6.077363073825836,2.382147974156319,19.573317329088848,21.60271644592285,9.361690630357732,9.35884952545166,9.231157183647156,3.9921487671263676,14.542440931002298,15.92564964294433 +8.996151675020485,6.419788284434213,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488 +7.497426741827761,0,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488 +7.2815579740935075,0,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488 +7.0972039973201095,0,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488 +6.474197823957277,0,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488,6.419788284434213,4.740450859069824,5.28865510225296,1.8575020730495453,14.077374478181204,17.59049263000488 +6.7266760767292535,4.731395543015823,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644 +6.285440885218593,0,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644 +6.582630351323409,0,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644 +6.169772548773043,0,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644 +6.281647298062382,0,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644,4.731395543015823,4.110946178436279,4.281142890453339,1.6880605959511819,8.773264000813166,10.955244636535644 +5.9260741093227915,3.7603192578547846,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565 +5.961888150992682,0,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565 +6.097851956268099,0,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565 +5.811016135468175,0,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565 +5.60514211283117,0,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565,3.7603192578547846,2.6515870094299316,3.008465588092804,1.0169665420309026,7.995130469401677,9.718274879455565 +5.765165156770822,3.6864602472731676,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059 +5.777212406722411,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059 +5.758002971281791,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059 +5.680937145249353,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059 +5.701588875385577,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059 +5.541112967444913,3.7245528437394313,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.7245528437394313,3.1571552753448486,3.255194902420044,1.290938566815346,7.1775149802366895,8.526016426086423 +5.713695713665365,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.7245528437394313,3.1571552753448486,3.255194902420044,1.290938566815346,7.1775149802366895,8.526016426086423 +5.491978704516523,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.7245528437394313,3.1571552753448486,3.255194902420044,1.290938566815346,7.1775149802366895,8.526016426086423 +5.466938543602785,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.7245528437394313,3.1571552753448486,3.255194902420044,1.290938566815346,7.1775149802366895,8.526016426086423 +5.248875273327714,0,3.6864602472731676,3.0318965911865234,3.2084458470344543,1.405468981950841,7.067267109950383,8.507414817810059,3.7245528437394313,3.1571552753448486,3.255194902420044,1.290938566815346,7.1775149802366895,8.526016426086423 +5.352624764228559,3.295022060394918,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557 +5.229424682959403,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557 +5.5483694697747445,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557 +5.210408299610923,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557 +5.2098019890349585,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557 +5.214698559376055,4.16580876644957,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,4.16580876644957,3.4477598667144775,3.7447126507759094,1.272583227842412,7.970995704332988,8.824046325683593 +4.920422013249435,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,4.16580876644957,3.4477598667144775,3.7447126507759094,1.272583227842412,7.970995704332988,8.824046325683593 +5.300691055905536,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,4.16580876644957,3.4477598667144775,3.7447126507759094,1.272583227842412,7.970995704332988,8.824046325683593 +5.394626021522803,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,4.16580876644957,3.4477598667144775,3.7447126507759094,1.272583227842412,7.970995704332988,8.824046325683593 +5.164747879577501,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,4.16580876644957,3.4477598667144775,3.7447126507759094,1.272583227842412,7.970995704332988,8.824046325683593 +5.1722452090487945,3.8543004508687075,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.8543004508687075,3.374812602996826,3.490817070007324,1.4320819625195036,7.062761316696803,8.709682655334472 +5.318498410736665,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.8543004508687075,3.374812602996826,3.490817070007324,1.4320819625195036,7.062761316696803,8.709682655334472 +5.043947494242311,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.8543004508687075,3.374812602996826,3.490817070007324,1.4320819625195036,7.062761316696803,8.709682655334472 +5.237107073391805,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.8543004508687075,3.374812602996826,3.490817070007324,1.4320819625195036,7.062761316696803,8.709682655334472 +4.771622832029036,0,3.295022060394918,2.7152676582336426,2.901750087738037,1.2824108768650826,6.347425729036331,7.579522800445557,3.8543004508687075,3.374812602996826,3.490817070007324,1.4320819625195036,7.062761316696803,8.709682655334472 +5.09376514042509,2.8461466288519284,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044 +4.9792193660517485,0,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044 +5.1741448048118865,0,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044 +4.970613655204194,0,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044 +5.028743627360754,0,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044,2.8461466288519284,2.321530342102051,2.470484346151352,0.7213775396664092,5.744640459616979,7.112328338623044 +4.944637083991537,2.8329808024502303,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529 +4.960424749627906,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529 +4.966425533462955,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529 +4.712383580907668,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529 +4.961139742039282,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529 +4.751456033389298,3.391457674916459,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,3.391457674916459,2.883168935775757,3.014908879995346,1.0491392076649564,6.523568312327067,8.089934539794921 +4.655672989451476,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,3.391457674916459,2.883168935775757,3.014908879995346,1.0491392076649564,6.523568312327067,8.089934539794921 +4.897959624105047,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,3.391457674916459,2.883168935775757,3.014908879995346,1.0491392076649564,6.523568312327067,8.089934539794921 +4.942848348936022,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,3.391457674916459,2.883168935775757,3.014908879995346,1.0491392076649564,6.523568312327067,8.089934539794921 +5.061783742936116,0,2.8329808024502303,2.2583680152893066,2.378574401140213,0.9210087644292954,5.540910676121712,6.918011951446529,3.391457674916459,2.883168935775757,3.014908879995346,1.0491392076649564,6.523568312327067,8.089934539794921 +4.94169875560697,2.683148617072711,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955 +4.908108697619318,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955 +4.54126415203146,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955 +4.786115626467878,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955 +4.674819330171262,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955 +4.790767383646211,2.936005550481024,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.936005550481024,2.231252431869507,2.42704039812088,0.7078137895528306,6.276025662819545,7.5632460594177235 +4.805617789637131,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.936005550481024,2.231252431869507,2.42704039812088,0.7078137895528306,6.276025662819545,7.5632460594177235 +4.791884248874747,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.936005550481024,2.231252431869507,2.42704039812088,0.7078137895528306,6.276025662819545,7.5632460594177235 +4.867044306603459,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.936005550481024,2.231252431869507,2.42704039812088,0.7078137895528306,6.276025662819545,7.5632460594177235 +4.695709344972721,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.936005550481024,2.231252431869507,2.42704039812088,0.7078137895528306,6.276025662819545,7.5632460594177235 +4.85911301777042,3.569188676459133,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,3.569188676459133,3.3351893424987793,3.32872411608696,1.15848062758116,6.461622854073842,7.611606597900389 +4.91833174617907,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,3.569188676459133,3.3351893424987793,3.32872411608696,1.15848062758116,6.461622854073842,7.611606597900389 +4.585503852461762,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,3.569188676459133,3.3351893424987793,3.32872411608696,1.15848062758116,6.461622854073842,7.611606597900389 +5.109224796963556,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,3.569188676459133,3.3351893424987793,3.32872411608696,1.15848062758116,6.461622854073842,7.611606597900389 +4.6175115962652855,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,3.569188676459133,3.3351893424987793,3.32872411608696,1.15848062758116,6.461622854073842,7.611606597900389 +4.943335839028723,2.7319146202354836,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.7319146202354836,1.9468207359313965,2.1766181886196136,0.713907778263092,5.783440272013347,6.921444511413574 +4.532083918873742,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.7319146202354836,1.9468207359313965,2.1766181886196136,0.713907778263092,5.783440272013347,6.921444511413574 +4.631117895638723,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.7319146202354836,1.9468207359313965,2.1766181886196136,0.713907778263092,5.783440272013347,6.921444511413574 +4.544478388252547,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.7319146202354836,1.9468207359313965,2.1766181886196136,0.713907778263092,5.783440272013347,6.921444511413574 +5.016824119009255,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.7319146202354836,1.9468207359313965,2.1766181886196136,0.713907778263092,5.783440272013347,6.921444511413574 +4.596041005016317,2.8547796014124756,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.8547796014124756,2.3829381465911865,2.4585441052913666,0.9848284581874279,5.711792305111885,7.2913792610168455 +4.701395889699931,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.8547796014124756,2.3829381465911865,2.4585441052913666,0.9848284581874279,5.711792305111885,7.2913792610168455 +4.738415730817337,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.8547796014124756,2.3829381465911865,2.4585441052913666,0.9848284581874279,5.711792305111885,7.2913792610168455 +4.763689110414334,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.8547796014124756,2.3829381465911865,2.4585441052913666,0.9848284581874279,5.711792305111885,7.2913792610168455 +4.34133314697126,0,2.683148617072711,1.9610435962677002,2.1715621650218964,0.8098502828085676,5.645952145258586,7.16799030303955,2.8547796014124756,2.3829381465911865,2.4585441052913666,0.9848284581874279,5.711792305111885,7.2913792610168455 +4.368099182372357,2.6125678995614328,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419 +4.960493617801679,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419 +4.624740346833709,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419 +4.667553038722136,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419 +4.874161054736549,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419 +4.6738344915309495,2.776781448296138,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.776781448296138,2.1100709438323975,2.2844585180282593,0.7289417487509707,5.750002523263295,6.977024650573728 +4.587946378874118,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.776781448296138,2.1100709438323975,2.2844585180282593,0.7289417487509707,5.750002523263295,6.977024650573728 +4.641055834147893,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.776781448296138,2.1100709438323975,2.2844585180282593,0.7289417487509707,5.750002523263295,6.977024650573728 +4.796762572272157,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.776781448296138,2.1100709438323975,2.2844585180282593,0.7289417487509707,5.750002523263295,6.977024650573728 +4.649110323363684,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.776781448296138,2.1100709438323975,2.2844585180282593,0.7289417487509707,5.750002523263295,6.977024650573728 +4.635363601639591,2.8569621941242267,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8569621941242267,2.157491445541382,2.364629030227661,0.7778969809730002,5.891045644879341,6.927596378326415 +4.787644805136016,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8569621941242267,2.157491445541382,2.364629030227661,0.7778969809730002,5.891045644879341,6.927596378326415 +4.252081472574091,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8569621941242267,2.157491445541382,2.364629030227661,0.7778969809730002,5.891045644879341,6.927596378326415 +4.592328637602462,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8569621941242267,2.157491445541382,2.364629030227661,0.7778969809730002,5.891045644879341,6.927596378326415 +4.385780256664218,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8569621941242267,2.157491445541382,2.364629030227661,0.7778969809730002,5.891045644879341,6.927596378326415 +4.573587443040669,3.643901115214383,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.643901115214383,3.3398234844207764,3.3512949645519257,1.183296134497257,6.707263151804606,8.035611724853515 +4.451701848087022,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.643901115214383,3.3398234844207764,3.3512949645519257,1.183296134497257,6.707263151804606,8.035611724853515 +4.4787678531024575,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.643901115214383,3.3398234844207764,3.3512949645519257,1.183296134497257,6.707263151804606,8.035611724853515 +4.473743509648657,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.643901115214383,3.3398234844207764,3.3512949645519257,1.183296134497257,6.707263151804606,8.035611724853515 +4.997682338968745,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.643901115214383,3.3398234844207764,3.3512949645519257,1.183296134497257,6.707263151804606,8.035611724853515 +4.527370822972232,3.822736236626509,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.822736236626509,3.5439794063568115,3.59378981590271,1.3904353602135435,6.728979647159576,8.040079307556152 +4.5213609356678885,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.822736236626509,3.5439794063568115,3.59378981590271,1.3904353602135435,6.728979647159576,8.040079307556152 +4.459499313994888,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.822736236626509,3.5439794063568115,3.59378981590271,1.3904353602135435,6.728979647159576,8.040079307556152 +4.507210466745346,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.822736236626509,3.5439794063568115,3.59378981590271,1.3904353602135435,6.728979647159576,8.040079307556152 +4.323299725798001,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.822736236626509,3.5439794063568115,3.59378981590271,1.3904353602135435,6.728979647159576,8.040079307556152 +4.446734811117907,3.359702636404012,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.359702636404012,3.0911083221435547,3.182726502418518,1.2077222837412611,5.972048878669739,6.622106742858884 +4.401188341718865,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.359702636404012,3.0911083221435547,3.182726502418518,1.2077222837412611,5.972048878669739,6.622106742858884 +4.4995019260921705,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.359702636404012,3.0911083221435547,3.182726502418518,1.2077222837412611,5.972048878669739,6.622106742858884 +4.404877604312192,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.359702636404012,3.0911083221435547,3.182726502418518,1.2077222837412611,5.972048878669739,6.622106742858884 +4.347851669922038,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.359702636404012,3.0911083221435547,3.182726502418518,1.2077222837412611,5.972048878669739,6.622106742858884 +4.475971461915089,4.385715456709029,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,4.385715456709029,4.286559581756592,4.215883314609528,1.7577223061247076,7.295591006676356,8.147990036010741 +4.268940799901542,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,4.385715456709029,4.286559581756592,4.215883314609528,1.7577223061247076,7.295591006676356,8.147990036010741 +4.6109161814158695,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,4.385715456709029,4.286559581756592,4.215883314609528,1.7577223061247076,7.295591006676356,8.147990036010741 +4.623868548756067,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,4.385715456709029,4.286559581756592,4.215883314609528,1.7577223061247076,7.295591006676356,8.147990036010741 +4.413545154408603,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,4.385715456709029,4.286559581756592,4.215883314609528,1.7577223061247076,7.295591006676356,8.147990036010741 +4.365274060389769,2.8027573524722977,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8027573524722977,2.1599390506744385,2.2708652019500732,0.7040123421143978,5.904146030545235,7.134843158721923 +4.316440625563461,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8027573524722977,2.1599390506744385,2.2708652019500732,0.7040123421143978,5.904146030545235,7.134843158721923 +4.529310037325429,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8027573524722977,2.1599390506744385,2.2708652019500732,0.7040123421143978,5.904146030545235,7.134843158721923 +4.3611839408138495,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8027573524722977,2.1599390506744385,2.2708652019500732,0.7040123421143978,5.904146030545235,7.134843158721923 +4.432201790758519,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8027573524722977,2.1599390506744385,2.2708652019500732,0.7040123421143978,5.904146030545235,7.134843158721923 +4.375403341190953,5.216561793965638,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,5.216561793965638,5.105686187744141,5.089407324790955,3.1719969675896014,7.4941786626974745,8.092982864379882 +4.532200945870543,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,5.216561793965638,5.105686187744141,5.089407324790955,3.1719969675896014,7.4941786626974745,8.092982864379882 +4.561314468608683,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,5.216561793965638,5.105686187744141,5.089407324790955,3.1719969675896014,7.4941786626974745,8.092982864379882 +4.405140339286315,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,5.216561793965638,5.105686187744141,5.089407324790955,3.1719969675896014,7.4941786626974745,8.092982864379882 +4.17791053190788,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,5.216561793965638,5.105686187744141,5.089407324790955,3.1719969675896014,7.4941786626974745,8.092982864379882 +4.4838256574282545,6.060917687006097,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,6.060917687006097,6.1395134925842285,5.992578625679016,2.2991755991540055,9.793019433816275,10.670725059509277 +4.3548696266197275,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,6.060917687006097,6.1395134925842285,5.992578625679016,2.2991755991540055,9.793019433816275,10.670725059509277 +4.516163157520319,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,6.060917687006097,6.1395134925842285,5.992578625679016,2.2991755991540055,9.793019433816275,10.670725059509277 +4.4753095043680595,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,6.060917687006097,6.1395134925842285,5.992578625679016,2.2991755991540055,9.793019433816275,10.670725059509277 +4.224422826694624,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,6.060917687006097,6.1395134925842285,5.992578625679016,2.2991755991540055,9.793019433816275,10.670725059509277 +4.337699725870092,3.7603277507282438,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.7603277507282438,3.2345850467681885,3.3629579544067383,1.6163157922156313,6.691397209962209,8.226724815368652 +4.254376421857006,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.7603277507282438,3.2345850467681885,3.3629579544067383,1.6163157922156313,6.691397209962209,8.226724815368652 +4.172755489838469,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.7603277507282438,3.2345850467681885,3.3629579544067383,1.6163157922156313,6.691397209962209,8.226724815368652 +4.618105356760893,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.7603277507282438,3.2345850467681885,3.3629579544067383,1.6163157922156313,6.691397209962209,8.226724815368652 +4.446578225076671,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.7603277507282438,3.2345850467681885,3.3629579544067383,1.6163157922156313,6.691397209962209,8.226724815368652 +4.30467409729014,3.1453743876603544,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.1453743876603544,2.47148060798645,2.6991706490516663,0.8821081125989874,6.404296398162842,7.527113533020019 +4.638068344552158,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.1453743876603544,2.47148060798645,2.6991706490516663,0.8821081125989874,6.404296398162842,7.527113533020019 +4.487755093753023,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.1453743876603544,2.47148060798645,2.6991706490516663,0.8821081125989874,6.404296398162842,7.527113533020019 +4.451032576704089,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.1453743876603544,2.47148060798645,2.6991706490516663,0.8821081125989874,6.404296398162842,7.527113533020019 +4.5250770979632176,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,3.1453743876603544,2.47148060798645,2.6991706490516663,0.8821081125989874,6.404296398162842,7.527113533020019 +4.447655765059598,2.8488314672121926,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8488314672121926,2.506162405014038,2.5785809755325317,1.2638297803858494,5.078318218390147,6.284682846069336 +4.437176472121618,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8488314672121926,2.506162405014038,2.5785809755325317,1.2638297803858494,5.078318218390147,6.284682846069336 +4.389608334228986,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8488314672121926,2.506162405014038,2.5785809755325317,1.2638297803858494,5.078318218390147,6.284682846069336 +4.372030748619568,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8488314672121926,2.506162405014038,2.5785809755325317,1.2638297803858494,5.078318218390147,6.284682846069336 +4.4449779554061335,0,2.6125678995614328,2.0766000747680664,2.1764038801193237,0.8256858276559952,5.303576702872912,6.525581169128419,2.8488314672121926,2.506162405014038,2.5785809755325317,1.2638297803858494,5.078318218390147,6.284682846069336 +4.1614157784346855,2.586742089736083,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238 +4.442996775883798,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238 +4.3505331667872404,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238 +4.250465709175472,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238 +4.480229924292867,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238 +4.306472239912657,3.6691389377155,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,3.6691389377155,3.689288377761841,3.632700026035309,1.320625661535466,6.230749626954396,6.733392524719238 +4.216113942594201,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,3.6691389377155,3.689288377761841,3.632700026035309,1.320625661535466,6.230749626954396,6.733392524719238 +4.538626280576384,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,3.6691389377155,3.689288377761841,3.632700026035309,1.320625661535466,6.230749626954396,6.733392524719238 +4.269852315058494,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,3.6691389377155,3.689288377761841,3.632700026035309,1.320625661535466,6.230749626954396,6.733392524719238 +4.1113577695823915,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,3.6691389377155,3.689288377761841,3.632700026035309,1.320625661535466,6.230749626954396,6.733392524719238 +4.435611900128916,2.735299273300423,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.735299273300423,2.3950634002685547,2.499333769083023,1.0510836389470608,4.960136751333873,5.634937667846678 +4.083572502776312,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.735299273300423,2.3950634002685547,2.499333769083023,1.0510836389470608,4.960136751333873,5.634937667846678 +4.576589652663957,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.735299273300423,2.3950634002685547,2.499333769083023,1.0510836389470608,4.960136751333873,5.634937667846678 +4.2620495556802105,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.735299273300423,2.3950634002685547,2.499333769083023,1.0510836389470608,4.960136751333873,5.634937667846678 +4.145971506912664,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.735299273300423,2.3950634002685547,2.499333769083023,1.0510836389470608,4.960136751333873,5.634937667846678 +4.305196967752439,2.7969483446191856,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.7969483446191856,2.149857759475708,2.267771750688553,0.8974866613428644,5.858826756477356,7.5053946495056145 +4.109316216078943,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.7969483446191856,2.149857759475708,2.267771750688553,0.8974866613428644,5.858826756477356,7.5053946495056145 +4.281780912410615,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.7969483446191856,2.149857759475708,2.267771750688553,0.8974866613428644,5.858826756477356,7.5053946495056145 +4.399470849881701,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.7969483446191856,2.149857759475708,2.267771750688553,0.8974866613428644,5.858826756477356,7.5053946495056145 +4.213797522644883,0,2.586742089736083,2.0461230278015137,2.1736691296100616,0.8057699794781968,5.233863880236943,6.725531196594238,2.7969483446191856,2.149857759475708,2.267771750688553,0.8974866613428644,5.858826756477356,7.5053946495056145 +4.140975407410737,2.4561867636662944,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397 +4.241161482393899,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397 +4.204194736354898,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397 +4.3122102319211315,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397 +4.345285268544679,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397 +4.102771378444179,3.1586718745332547,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,3.1586718745332547,2.4126508235931396,2.637814611196518,1.3907990341490888,6.174400120973587,7.469728469848633 +4.274682057839585,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,3.1586718745332547,2.4126508235931396,2.637814611196518,1.3907990341490888,6.174400120973587,7.469728469848633 +4.336945523018887,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,3.1586718745332547,2.4126508235931396,2.637814611196518,1.3907990341490888,6.174400120973587,7.469728469848633 +4.3831774506295265,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,3.1586718745332547,2.4126508235931396,2.637814611196518,1.3907990341490888,6.174400120973587,7.469728469848633 +4.311417050600681,0,2.4561867636662944,1.910902976989746,2.0026372969150543,0.7686046938946907,5.071289713184039,6.773077011108397,3.1586718745332547,2.4126508235931396,2.637814611196518,1.3907990341490888,6.174400120973587,7.469728469848633 +4.137755300289408,2.2743921602765718,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644 +4.222857510902007,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644 +4.245167978304514,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644 +4.278603846526712,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644 +4.509832289374598,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644 +4.07124378868332,3.41824114606494,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.41824114606494,2.849087953567505,2.974908620119095,1.436672846053509,6.207514554262161,7.741371059417722 +4.373933044893761,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.41824114606494,2.849087953567505,2.974908620119095,1.436672846053509,6.207514554262161,7.741371059417722 +4.370794389328101,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.41824114606494,2.849087953567505,2.974908620119095,1.436672846053509,6.207514554262161,7.741371059417722 +4.288500990119018,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.41824114606494,2.849087953567505,2.974908620119095,1.436672846053509,6.207514554262161,7.741371059417722 +4.27823424370748,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.41824114606494,2.849087953567505,2.974908620119095,1.436672846053509,6.207514554262161,7.741371059417722 +4.042000950680245,2.4336370355474255,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.4336370355474255,1.892585277557373,2.0292472541332245,0.6027848237055413,5.138788615663846,6.228951072692869 +4.239298104610795,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.4336370355474255,1.892585277557373,2.0292472541332245,0.6027848237055413,5.138788615663846,6.228951072692869 +3.912843999710907,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.4336370355474255,1.892585277557373,2.0292472541332245,0.6027848237055413,5.138788615663846,6.228951072692869 +4.509974752928777,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.4336370355474255,1.892585277557373,2.0292472541332245,0.6027848237055413,5.138788615663846,6.228951072692869 +4.216292586600246,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.4336370355474255,1.892585277557373,2.0292472541332245,0.6027848237055413,5.138788615663846,6.228951072692869 +4.0455694985735695,4.207242512513721,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,4.207242512513721,3.720733165740967,3.7872490882873535,1.804698202204197,7.375264237324397,9.01347904205322 +4.23654423939128,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,4.207242512513721,3.720733165740967,3.7872490882873535,1.804698202204197,7.375264237324397,9.01347904205322 +3.787513161908668,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,4.207242512513721,3.720733165740967,3.7872490882873535,1.804698202204197,7.375264237324397,9.01347904205322 +3.900448990764593,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,4.207242512513721,3.720733165740967,3.7872490882873535,1.804698202204197,7.375264237324397,9.01347904205322 +3.9140216751628625,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,4.207242512513721,3.720733165740967,3.7872490882873535,1.804698202204197,7.375264237324397,9.01347904205322 +3.686036236446577,3.543876406376955,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.543876406376955,3.3292548656463623,3.3839000463485718,1.6474186384931524,5.8061443567276,6.171733951568603 +4.21264193360362,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.543876406376955,3.3292548656463623,3.3839000463485718,1.6474186384931524,5.8061443567276,6.171733951568603 +4.1651571161042416,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.543876406376955,3.3292548656463623,3.3839000463485718,1.6474186384931524,5.8061443567276,6.171733951568603 +4.219990052538371,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.543876406376955,3.3292548656463623,3.3839000463485718,1.6474186384931524,5.8061443567276,6.171733951568603 +3.993988522714235,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.543876406376955,3.3292548656463623,3.3839000463485718,1.6474186384931524,5.8061443567276,6.171733951568603 +4.047651307839202,3.2509900821106776,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.2509900821106776,2.592689275741577,2.787905514240265,0.855404923887963,6.568437486886978,8.381216239929199 +4.015760103756645,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.2509900821106776,2.592689275741577,2.787905514240265,0.855404923887963,6.568437486886978,8.381216239929199 +4.291455568062599,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.2509900821106776,2.592689275741577,2.787905514240265,0.855404923887963,6.568437486886978,8.381216239929199 +3.9228979544345495,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.2509900821106776,2.592689275741577,2.787905514240265,0.855404923887963,6.568437486886978,8.381216239929199 +3.9467992614315808,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,3.2509900821106776,2.592689275741577,2.787905514240265,0.855404923887963,6.568437486886978,8.381216239929199 +4.324177693487157,2.538843213684029,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.538843213684029,2.0444962978363037,2.134064018726349,0.7592997149901187,5.25833760201931,6.850350284576411 +4.241187424096709,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.538843213684029,2.0444962978363037,2.134064018726349,0.7592997149901187,5.25833760201931,6.850350284576411 +4.001908799176323,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.538843213684029,2.0444962978363037,2.134064018726349,0.7592997149901187,5.25833760201931,6.850350284576411 +4.057274283511972,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.538843213684029,2.0444962978363037,2.134064018726349,0.7592997149901187,5.25833760201931,6.850350284576411 +4.208103541294629,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.538843213684029,2.0444962978363037,2.134064018726349,0.7592997149901187,5.25833760201931,6.850350284576411 +4.2820112884516455,2.7482698028365142,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.7482698028365142,2.345017910003662,2.4517650306224823,1.146719217934507,4.975853731234868,5.618387126922607 +4.087534178530006,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.7482698028365142,2.345017910003662,2.4517650306224823,1.146719217934507,4.975853731234868,5.618387126922607 +4.084970479924477,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.7482698028365142,2.345017910003662,2.4517650306224823,1.146719217934507,4.975853731234868,5.618387126922607 +4.256421711443282,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.7482698028365142,2.345017910003662,2.4517650306224823,1.146719217934507,4.975853731234868,5.618387126922607 +3.97042478687845,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.7482698028365142,2.345017910003662,2.4517650306224823,1.146719217934507,4.975853731234868,5.618387126922607 +4.008072683356683,2.803416682259431,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.803416682259431,2.353682041168213,2.5300197303295135,1.0473812233577384,5.232262288530667,6.129741668701172 +4.161141629505283,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.803416682259431,2.353682041168213,2.5300197303295135,1.0473812233577384,5.232262288530667,6.129741668701172 +3.8966313715739114,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.803416682259431,2.353682041168213,2.5300197303295135,1.0473812233577384,5.232262288530667,6.129741668701172 +4.108427159822396,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.803416682259431,2.353682041168213,2.5300197303295135,1.0473812233577384,5.232262288530667,6.129741668701172 +4.031908399590087,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.803416682259431,2.353682041168213,2.5300197303295135,1.0473812233577384,5.232262288530667,6.129741668701172 +3.854957902337127,2.6385221907464915,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.6385221907464915,2.144662618637085,2.2621932327747345,0.7168285252248987,5.317585190137227,6.486185836791992 +3.8433493243279746,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.6385221907464915,2.144662618637085,2.2621932327747345,0.7168285252248987,5.317585190137227,6.486185836791992 +3.972747152509035,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.6385221907464915,2.144662618637085,2.2621932327747345,0.7168285252248987,5.317585190137227,6.486185836791992 +4.08199331577189,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.6385221907464915,2.144662618637085,2.2621932327747345,0.7168285252248987,5.317585190137227,6.486185836791992 +4.184312886723113,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.6385221907464915,2.144662618637085,2.2621932327747345,0.7168285252248987,5.317585190137227,6.486185836791992 +3.9047096441635043,2.568034162123998,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.568034162123998,2.108400344848633,2.2028269171714783,0.8543907384923164,5.134862060348193,6.602782440185546 +4.191494956337368,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.568034162123998,2.108400344848633,2.2028269171714783,0.8543907384923164,5.134862060348193,6.602782440185546 +3.9521504163073677,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.568034162123998,2.108400344848633,2.2028269171714783,0.8543907384923164,5.134862060348193,6.602782440185546 +3.957445402573155,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.568034162123998,2.108400344848633,2.2028269171714783,0.8543907384923164,5.134862060348193,6.602782440185546 +3.8215754347850903,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.568034162123998,2.108400344848633,2.2028269171714783,0.8543907384923164,5.134862060348193,6.602782440185546 +4.062131659887083,2.475258764569406,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.475258764569406,1.8921716213226318,2.066432684659958,0.6321697759818523,5.136317640542984,5.721335792541503 +3.979937783567761,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.475258764569406,1.8921716213226318,2.066432684659958,0.6321697759818523,5.136317640542984,5.721335792541503 +3.889044675828599,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.475258764569406,1.8921716213226318,2.066432684659958,0.6321697759818523,5.136317640542984,5.721335792541503 +3.9285002092887353,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.475258764569406,1.8921716213226318,2.066432684659958,0.6321697759818523,5.136317640542984,5.721335792541503 +4.260614158099119,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.475258764569406,1.8921716213226318,2.066432684659958,0.6321697759818523,5.136317640542984,5.721335792541503 +3.9016972733440376,2.356301002953418,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.356301002953418,1.9468207359313965,2.010601192712784,0.7366707803721123,4.766652430097262,5.930799102783203 +3.8067850336471776,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.356301002953418,1.9468207359313965,2.010601192712784,0.7366707803721123,4.766652430097262,5.930799102783203 +4.023407831041039,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.356301002953418,1.9468207359313965,2.010601192712784,0.7366707803721123,4.766652430097262,5.930799102783203 +4.261874780157154,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.356301002953418,1.9468207359313965,2.010601192712784,0.7366707803721123,4.766652430097262,5.930799102783203 +3.868984068800403,0,2.2743921602765718,1.6716378927230835,1.8435463309288025,0.6436462254917368,4.7751149733861284,6.267402839660644,2.356301002953418,1.9468207359313965,2.010601192712784,0.7366707803721123,4.766652430097262,5.930799102783203 +3.8818433460899895,2.2601472162222738,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941 +3.901215582417624,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941 +3.9397154302191293,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941 +4.011027616136621,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941 +4.004758938753825,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941 +4.113241667070458,2.4599546802737726,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.4599546802737726,2.100867986679077,2.114262282848358,0.6872810772124757,4.83200903236866,6.243238258361815 +4.155187171591461,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.4599546802737726,2.100867986679077,2.114262282848358,0.6872810772124757,4.83200903236866,6.243238258361815 +3.864536581379128,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.4599546802737726,2.100867986679077,2.114262282848358,0.6872810772124757,4.83200903236866,6.243238258361815 +3.932735755390888,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.4599546802737726,2.100867986679077,2.114262282848358,0.6872810772124757,4.83200903236866,6.243238258361815 +3.9562406076368997,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.4599546802737726,2.100867986679077,2.114262282848358,0.6872810772124757,4.83200903236866,6.243238258361815 +4.025872900099112,2.6065069897464976,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.6065069897464976,2.122002124786377,2.250144809484482,0.9518533691446832,5.163199429710706,6.484862041473388 +3.684307366000159,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.6065069897464976,2.122002124786377,2.250144809484482,0.9518533691446832,5.163199429710706,6.484862041473388 +3.9695841100922045,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.6065069897464976,2.122002124786377,2.250144809484482,0.9518533691446832,5.163199429710706,6.484862041473388 +4.007242708454661,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.6065069897464976,2.122002124786377,2.250144809484482,0.9518533691446832,5.163199429710706,6.484862041473388 +3.954631888300259,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.6065069897464976,2.122002124786377,2.250144809484482,0.9518533691446832,5.163199429710706,6.484862041473388 +4.021103164667662,3.033540512518908,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,3.033540512518908,2.4210731983184814,2.6344444155693054,0.8519371570424831,6.342135826746623,7.642442703247067 +4.1606244574789955,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,3.033540512518908,2.4210731983184814,2.6344444155693054,0.8519371570424831,6.342135826746623,7.642442703247067 +3.842568256845575,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,3.033540512518908,2.4210731983184814,2.6344444155693054,0.8519371570424831,6.342135826746623,7.642442703247067 +4.166107904156154,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,3.033540512518908,2.4210731983184814,2.6344444155693054,0.8519371570424831,6.342135826746623,7.642442703247067 +3.7908573150241596,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,3.033540512518908,2.4210731983184814,2.6344444155693054,0.8519371570424831,6.342135826746623,7.642442703247067 +4.092069601084752,2.3920537528616412,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.3920537528616412,1.8488562107086182,1.9932990372180939,0.7701583233602504,4.772412091493607,6.316418838500974 +3.9236010831429335,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.3920537528616412,1.8488562107086182,1.9932990372180939,0.7701583233602504,4.772412091493607,6.316418838500974 +4.336277137802899,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.3920537528616412,1.8488562107086182,1.9932990372180939,0.7701583233602504,4.772412091493607,6.316418838500974 +3.904511800384773,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.3920537528616412,1.8488562107086182,1.9932990372180939,0.7701583233602504,4.772412091493607,6.316418838500974 +3.696767133898974,0,2.2601472162222738,1.8893767595291138,1.9496611654758453,0.771569623909098,4.428993587692578,5.142438697814941,2.3920537528616412,1.8488562107086182,1.9932990372180939,0.7701583233602504,4.772412091493607,6.316418838500974 +4.086805090504774,2.1634899119614923,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186 +3.90767989773549,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186 +4.090791009110951,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186 +3.809726803158078,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186 +3.7034265922878853,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186 +4.077715754253411,2.2482748677333197,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.2482748677333197,1.8992946147918701,1.9054933488368988,0.6608427189132,4.570031414429347,5.801198101043701 +4.103406079231434,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.2482748677333197,1.8992946147918701,1.9054933488368988,0.6608427189132,4.570031414429347,5.801198101043701 +3.9993347746558428,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.2482748677333197,1.8992946147918701,1.9054933488368988,0.6608427189132,4.570031414429347,5.801198101043701 +3.9672013517655924,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.2482748677333197,1.8992946147918701,1.9054933488368988,0.6608427189132,4.570031414429347,5.801198101043701 +3.865307156596146,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.2482748677333197,1.8992946147918701,1.9054933488368988,0.6608427189132,4.570031414429347,5.801198101043701 +3.9035640703735375,4.005780990161593,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.005780990161593,3.562714099884033,3.6612425446510315,1.7100182416591239,7.0863146384557085,8.518297958374022 +3.7710818996490776,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.005780990161593,3.562714099884033,3.6612425446510315,1.7100182416591239,7.0863146384557085,8.518297958374022 +3.8257825035690316,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.005780990161593,3.562714099884033,3.6612425446510315,1.7100182416591239,7.0863146384557085,8.518297958374022 +3.928486903239838,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.005780990161593,3.562714099884033,3.6612425446510315,1.7100182416591239,7.0863146384557085,8.518297958374022 +3.7450045089490493,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.005780990161593,3.562714099884033,3.6612425446510315,1.7100182416591239,7.0863146384557085,8.518297958374022 +3.9994262753737635,2.843805419231849,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.843805419231849,2.4493649005889893,2.545868933200836,0.9641614423153249,5.308708975712459,6.2135811805725085 +3.961651070647944,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.843805419231849,2.4493649005889893,2.545868933200836,0.9641614423153249,5.308708975712459,6.2135811805725085 +3.573073625721843,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.843805419231849,2.4493649005889893,2.545868933200836,0.9641614423153249,5.308708975712459,6.2135811805725085 +3.729485438021003,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.843805419231849,2.4493649005889893,2.545868933200836,0.9641614423153249,5.308708975712459,6.2135811805725085 +3.888109920050035,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.843805419231849,2.4493649005889893,2.545868933200836,0.9641614423153249,5.308708975712459,6.2135811805725085 +4.306466811506132,2.386394356293653,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.386394356293653,1.8196218013763428,1.9085316359996796,0.6182189089186648,5.251844455798467,6.724985599517822 +3.970892452824084,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.386394356293653,1.8196218013763428,1.9085316359996796,0.6182189089186648,5.251844455798467,6.724985599517822 +4.001582083393055,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.386394356293653,1.8196218013763428,1.9085316359996796,0.6182189089186648,5.251844455798467,6.724985599517822 +4.054198701141063,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.386394356293653,1.8196218013763428,1.9085316359996796,0.6182189089186648,5.251844455798467,6.724985599517822 +3.5992837123828387,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.386394356293653,1.8196218013763428,1.9085316359996796,0.6182189089186648,5.251844455798467,6.724985599517822 +4.0509939941142665,2.4555730624962107,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4555730624962107,1.7179416418075562,1.973542496562004,0.5222456762765316,5.455668355027835,7.270312690734861 +3.9472281431931617,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4555730624962107,1.7179416418075562,1.973542496562004,0.5222456762765316,5.455668355027835,7.270312690734861 +4.0748006813719595,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4555730624962107,1.7179416418075562,1.973542496562004,0.5222456762765316,5.455668355027835,7.270312690734861 +4.01906076307583,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4555730624962107,1.7179416418075562,1.973542496562004,0.5222456762765316,5.455668355027835,7.270312690734861 +3.8839605733123177,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4555730624962107,1.7179416418075562,1.973542496562004,0.5222456762765316,5.455668355027835,7.270312690734861 +4.013847957972172,2.5203013608537654,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.5203013608537654,2.1653690338134766,2.2045774161815643,0.8470880119724477,4.899835447470347,5.848901081085204 +3.860061928708509,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.5203013608537654,2.1653690338134766,2.2045774161815643,0.8470880119724477,4.899835447470347,5.848901081085204 +3.7863097625703483,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.5203013608537654,2.1653690338134766,2.2045774161815643,0.8470880119724477,4.899835447470347,5.848901081085204 +3.906696110727919,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.5203013608537654,2.1653690338134766,2.2045774161815643,0.8470880119724477,4.899835447470347,5.848901081085204 +4.113025676763781,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.5203013608537654,2.1653690338134766,2.2045774161815643,0.8470880119724477,4.899835447470347,5.848901081085204 +3.921072750281061,2.9224659550994163,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9224659550994163,2.712238311767578,2.790206015110016,1.0630263671913045,5.153761585553487,5.604718017578124 +4.09984471389439,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9224659550994163,2.712238311767578,2.790206015110016,1.0630263671913045,5.153761585553487,5.604718017578124 +3.7160223606079423,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9224659550994163,2.712238311767578,2.790206015110016,1.0630263671913045,5.153761585553487,5.604718017578124 +3.791705068073046,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9224659550994163,2.712238311767578,2.790206015110016,1.0630263671913045,5.153761585553487,5.604718017578124 +4.182612383074685,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9224659550994163,2.712238311767578,2.790206015110016,1.0630263671913045,5.153761585553487,5.604718017578124 +3.950451881086606,2.262601686533166,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.262601686533166,1.7942783832550049,1.9371752440929413,0.760981430398657,4.3832249989112215,5.3421038627624515 +4.116808831731059,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.262601686533166,1.7942783832550049,1.9371752440929413,0.760981430398657,4.3832249989112215,5.3421038627624515 +3.911726389011481,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.262601686533166,1.7942783832550049,1.9371752440929413,0.760981430398657,4.3832249989112215,5.3421038627624515 +4.111275997789365,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.262601686533166,1.7942783832550049,1.9371752440929413,0.760981430398657,4.3832249989112215,5.3421038627624515 +3.6384113446310518,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.262601686533166,1.7942783832550049,1.9371752440929413,0.760981430398657,4.3832249989112215,5.3421038627624515 +4.026014886973401,2.8039290865577717,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.8039290865577717,2.493713617324829,2.566414564847946,1.1575082001533914,4.970990280310313,5.631057262420654 +3.9733853549315623,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.8039290865577717,2.493713617324829,2.566414564847946,1.1575082001533914,4.970990280310313,5.631057262420654 +3.819161736890477,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.8039290865577717,2.493713617324829,2.566414564847946,1.1575082001533914,4.970990280310313,5.631057262420654 +3.738746882782448,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.8039290865577717,2.493713617324829,2.566414564847946,1.1575082001533914,4.970990280310313,5.631057262420654 +4.090168719673849,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.8039290865577717,2.493713617324829,2.566414564847946,1.1575082001533914,4.970990280310313,5.631057262420654 +3.928447304111672,2.291490547043621,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.291490547043621,1.8282055854797363,1.9469223022460938,0.661559022963047,4.785567820072174,6.012154102325438 +3.8306224437573024,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.291490547043621,1.8282055854797363,1.9469223022460938,0.661559022963047,4.785567820072174,6.012154102325438 +3.7932625628791574,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.291490547043621,1.8282055854797363,1.9469223022460938,0.661559022963047,4.785567820072174,6.012154102325438 +3.8249192910568697,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.291490547043621,1.8282055854797363,1.9469223022460938,0.661559022963047,4.785567820072174,6.012154102325438 +3.7623086152180516,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.291490547043621,1.8282055854797363,1.9469223022460938,0.661559022963047,4.785567820072174,6.012154102325438 +4.002798281629671,4.586436738412847,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.586436738412847,4.637809753417969,4.573991000652313,1.8053480868643903,7.426164905230205,8.280428886413574 +4.042757175076448,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.586436738412847,4.637809753417969,4.573991000652313,1.8053480868643903,7.426164905230205,8.280428886413574 +3.8519363953758985,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.586436738412847,4.637809753417969,4.573991000652313,1.8053480868643903,7.426164905230205,8.280428886413574 +3.8490989047021538,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.586436738412847,4.637809753417969,4.573991000652313,1.8053480868643903,7.426164905230205,8.280428886413574 +3.6950970925489015,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,4.586436738412847,4.637809753417969,4.573991000652313,1.8053480868643903,7.426164905230205,8.280428886413574 +3.8474138730591396,2.4474961777370443,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4474961777370443,2.0682895183563232,2.1624424755573273,0.8149394916093096,4.60414985815684,5.107870388031005 +3.6746403445197284,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4474961777370443,2.0682895183563232,2.1624424755573273,0.8149394916093096,4.60414985815684,5.107870388031005 +3.846986666754242,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4474961777370443,2.0682895183563232,2.1624424755573273,0.8149394916093096,4.60414985815684,5.107870388031005 +3.845997197568259,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4474961777370443,2.0682895183563232,2.1624424755573273,0.8149394916093096,4.60414985815684,5.107870388031005 +3.5399825291064295,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.4474961777370443,2.0682895183563232,2.1624424755573273,0.8149394916093096,4.60414985815684,5.107870388031005 +3.944845719258043,2.617889108008178,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.617889108008178,2.0504231452941895,2.223485440015793,0.9022738356539544,5.204087927937508,6.901014709472657 +3.680154890077567,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.617889108008178,2.0504231452941895,2.223485440015793,0.9022738356539544,5.204087927937508,6.901014709472657 +3.9940796999314845,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.617889108008178,2.0504231452941895,2.223485440015793,0.9022738356539544,5.204087927937508,6.901014709472657 +3.8805477546827776,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.617889108008178,2.0504231452941895,2.223485440015793,0.9022738356539544,5.204087927937508,6.901014709472657 +3.766494080856796,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.617889108008178,2.0504231452941895,2.223485440015793,0.9022738356539544,5.204087927937508,6.901014709472657 +3.806621219677787,3.5352440053823764,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5352440053823764,2.9462335109710693,3.1566931009292603,1.5955427593373237,6.3284108738104505,7.408201503753662 +3.573405303532813,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5352440053823764,2.9462335109710693,3.1566931009292603,1.5955427593373237,6.3284108738104505,7.408201503753662 +3.7397777020616707,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5352440053823764,2.9462335109710693,3.1566931009292603,1.5955427593373237,6.3284108738104505,7.408201503753662 +3.758837795450222,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5352440053823764,2.9462335109710693,3.1566931009292603,1.5955427593373237,6.3284108738104505,7.408201503753662 +3.7344880861311287,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5352440053823764,2.9462335109710693,3.1566931009292603,1.5955427593373237,6.3284108738104505,7.408201503753662 +3.8484310495979237,2.310632555454812,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.310632555454812,1.9219319820404053,2.019170880317688,0.6581631995579029,4.534850810964902,5.475596523284912 +3.9932815410924145,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.310632555454812,1.9219319820404053,2.019170880317688,0.6581631995579029,4.534850810964902,5.475596523284912 +3.626367442447466,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.310632555454812,1.9219319820404053,2.019170880317688,0.6581631995579029,4.534850810964902,5.475596523284912 +3.795216468401194,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.310632555454812,1.9219319820404053,2.019170880317688,0.6581631995579029,4.534850810964902,5.475596523284912 +3.6810933081801775,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.310632555454812,1.9219319820404053,2.019170880317688,0.6581631995579029,4.534850810964902,5.475596523284912 +3.8603739927186185,2.650546794491155,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.650546794491155,2.0711264610290527,2.2484433352947235,0.7676551911108037,5.388927107055982,6.853009033203123 +3.8968294847923723,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.650546794491155,2.0711264610290527,2.2484433352947235,0.7676551911108037,5.388927107055982,6.853009033203123 +3.7436055475772214,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.650546794491155,2.0711264610290527,2.2484433352947235,0.7676551911108037,5.388927107055982,6.853009033203123 +3.7584806702893454,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.650546794491155,2.0711264610290527,2.2484433352947235,0.7676551911108037,5.388927107055982,6.853009033203123 +3.7240544563272384,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.650546794491155,2.0711264610290527,2.2484433352947235,0.7676551911108037,5.388927107055982,6.853009033203123 +3.9958081206105316,2.9002311161113163,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9002311161113163,2.7300779819488525,2.7755241096019745,1.3575969430360388,4.743335862954457,5.117536735534667 +4.008619451074613,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9002311161113163,2.7300779819488525,2.7755241096019745,1.3575969430360388,4.743335862954457,5.117536735534667 +4.14129358870137,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9002311161113163,2.7300779819488525,2.7755241096019745,1.3575969430360388,4.743335862954457,5.117536735534667 +3.7436691862100977,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9002311161113163,2.7300779819488525,2.7755241096019745,1.3575969430360388,4.743335862954457,5.117536735534667 +3.6592335942788616,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9002311161113163,2.7300779819488525,2.7755241096019745,1.3575969430360388,4.743335862954457,5.117536735534667 +3.945647833883605,2.9457984021101047,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9457984021101047,2.508504629135132,2.597609221935272,1.4544801433035668,5.110542103648186,6.1031570434570295 +3.9042886155890915,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9457984021101047,2.508504629135132,2.597609221935272,1.4544801433035668,5.110542103648186,6.1031570434570295 +3.8085013312486673,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9457984021101047,2.508504629135132,2.597609221935272,1.4544801433035668,5.110542103648186,6.1031570434570295 +3.8008942114174524,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9457984021101047,2.508504629135132,2.597609221935272,1.4544801433035668,5.110542103648186,6.1031570434570295 +4.038376530883023,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.9457984021101047,2.508504629135132,2.597609221935272,1.4544801433035668,5.110542103648186,6.1031570434570295 +3.6283505620302186,3.5261269050931174,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5261269050931174,3.2812769412994385,3.3078739643096924,1.6463856722446197,5.8760821123917895,6.440369606018066 +3.997482043673778,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5261269050931174,3.2812769412994385,3.3078739643096924,1.6463856722446197,5.8760821123917895,6.440369606018066 +3.724358358924181,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5261269050931174,3.2812769412994385,3.3078739643096924,1.6463856722446197,5.8760821123917895,6.440369606018066 +3.7484444754694572,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5261269050931174,3.2812769412994385,3.3078739643096924,1.6463856722446197,5.8760821123917895,6.440369606018066 +3.970024611083373,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.5261269050931174,3.2812769412994385,3.3078739643096924,1.6463856722446197,5.8760821123917895,6.440369606018066 +3.691969005563014,3.290589543483245,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.290589543483245,2.951145887374878,2.997756004333496,1.311459093334827,5.706920335690181,6.484283733367919 +3.909423205657496,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.290589543483245,2.951145887374878,2.997756004333496,1.311459093334827,5.706920335690181,6.484283733367919 +3.830995544594636,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.290589543483245,2.951145887374878,2.997756004333496,1.311459093334827,5.706920335690181,6.484283733367919 +3.695761426870458,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.290589543483245,2.951145887374878,2.997756004333496,1.311459093334827,5.706920335690181,6.484283733367919 +3.5788445815955114,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.290589543483245,2.951145887374878,2.997756004333496,1.311459093334827,5.706920335690181,6.484283733367919 +3.9183103754959197,3.1132316075304827,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.1132316075304827,2.880927562713623,2.9518094658851624,1.2270216016059226,5.3742742737134295,5.909834289550781 +3.925841309936191,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.1132316075304827,2.880927562713623,2.9518094658851624,1.2270216016059226,5.3742742737134295,5.909834289550781 +3.944631545949423,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.1132316075304827,2.880927562713623,2.9518094658851624,1.2270216016059226,5.3742742737134295,5.909834289550781 +3.7551904509045517,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.1132316075304827,2.880927562713623,2.9518094658851624,1.2270216016059226,5.3742742737134295,5.909834289550781 +3.571601730066113,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,3.1132316075304827,2.880927562713623,2.9518094658851624,1.2270216016059226,5.3742742737134295,5.909834289550781 +3.5133408271660906,2.6130856695786986,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.6130856695786986,2.011199712753296,2.1857057213783264,0.720068172254461,5.464794725179672,6.889657878875732 +3.999779857400225,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.6130856695786986,2.011199712753296,2.1857057213783264,0.720068172254461,5.464794725179672,6.889657878875732 +3.7731288497319007,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.6130856695786986,2.011199712753296,2.1857057213783264,0.720068172254461,5.464794725179672,6.889657878875732 +3.649019886800985,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.6130856695786986,2.011199712753296,2.1857057213783264,0.720068172254461,5.464794725179672,6.889657878875732 +3.78699414868468,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.6130856695786986,2.011199712753296,2.1857057213783264,0.720068172254461,5.464794725179672,6.889657878875732 +3.702365649328383,2.481672282572146,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.481672282572146,2.156130313873291,2.223038285970688,0.9509291522046353,4.5999521017074585,5.168665027618408 +3.6846286872681966,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.481672282572146,2.156130313873291,2.223038285970688,0.9509291522046353,4.5999521017074585,5.168665027618408 +3.7963902557116387,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.481672282572146,2.156130313873291,2.223038285970688,0.9509291522046353,4.5999521017074585,5.168665027618408 +3.5870424828302894,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.481672282572146,2.156130313873291,2.223038285970688,0.9509291522046353,4.5999521017074585,5.168665027618408 +3.451498183517626,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.481672282572146,2.156130313873291,2.223038285970688,0.9509291522046353,4.5999521017074585,5.168665027618408 +3.8004537793883864,2.515602406528261,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.515602406528261,2.1374409198760986,2.2388175427913666,1.103258473441956,4.5843944897254305,5.476703453063964 +3.8951848389133614,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.515602406528261,2.1374409198760986,2.2388175427913666,1.103258473441956,4.5843944897254305,5.476703453063964 +3.7670294254585746,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.515602406528261,2.1374409198760986,2.2388175427913666,1.103258473441956,4.5843944897254305,5.476703453063964 +3.5782517159952336,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.515602406528261,2.1374409198760986,2.2388175427913666,1.103258473441956,4.5843944897254305,5.476703453063964 +3.5306339612068474,0,2.1634899119614923,1.6150729656219482,1.752963438630104,0.5872200995366624,4.623848736286163,6.140621948242186,2.515602406528261,2.1374409198760986,2.2388175427913666,1.103258473441956,4.5843944897254305,5.476703453063964 +3.7825430608833686,2.040589589251097,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067 +3.717265994260997,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067 +4.050731049796522,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067 +3.9068269375760827,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067 +4.0461660342826695,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067 +3.826548790554258,2.8021880971691595,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8021880971691595,2.453277349472046,2.5298310220241547,1.1743158824900364,4.943141008416812,5.676740837097167 +3.551855720913819,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8021880971691595,2.453277349472046,2.5298310220241547,1.1743158824900364,4.943141008416812,5.676740837097167 +3.89794355599421,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8021880971691595,2.453277349472046,2.5298310220241547,1.1743158824900364,4.943141008416812,5.676740837097167 +3.5741327705554724,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8021880971691595,2.453277349472046,2.5298310220241547,1.1743158824900364,4.943141008416812,5.676740837097167 +3.7931946341862464,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8021880971691595,2.453277349472046,2.5298310220241547,1.1743158824900364,4.943141008416812,5.676740837097167 +3.8520357982896876,2.8242469481611376,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8242469481611376,2.411677122116089,2.5276298820972443,1.3544060212183506,4.888855243722598,6.161992835998534 +3.7941697732911575,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8242469481611376,2.411677122116089,2.5276298820972443,1.3544060212183506,4.888855243722598,6.161992835998534 +3.6650012790134525,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8242469481611376,2.411677122116089,2.5276298820972443,1.3544060212183506,4.888855243722598,6.161992835998534 +3.7836089522275573,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8242469481611376,2.411677122116089,2.5276298820972443,1.3544060212183506,4.888855243722598,6.161992835998534 +3.9315700561673155,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.8242469481611376,2.411677122116089,2.5276298820972443,1.3544060212183506,4.888855243722598,6.161992835998534 +3.877590372981528,2.387166651350165,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.387166651350165,2.038648843765259,2.121484249830246,0.772484763664134,4.5898304382960005,5.377370834350586 +3.813024399974101,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.387166651350165,2.038648843765259,2.121484249830246,0.772484763664134,4.5898304382960005,5.377370834350586 +3.7794043713084626,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.387166651350165,2.038648843765259,2.121484249830246,0.772484763664134,4.5898304382960005,5.377370834350586 +3.603144166691322,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.387166651350165,2.038648843765259,2.121484249830246,0.772484763664134,4.5898304382960005,5.377370834350586 +3.8811041042405257,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.387166651350165,2.038648843765259,2.121484249830246,0.772484763664134,4.5898304382960005,5.377370834350586 +3.634249923097112,2.475030506887133,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.475030506887133,1.8388792276382446,1.9735715240240097,0.5661732801731597,5.445497219761212,7.412868118286131 +3.858624955123207,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.475030506887133,1.8388792276382446,1.9735715240240097,0.5661732801731597,5.445497219761212,7.412868118286131 +3.6311667749859726,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.475030506887133,1.8388792276382446,1.9735715240240097,0.5661732801731597,5.445497219761212,7.412868118286131 +3.612407159777776,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.475030506887133,1.8388792276382446,1.9735715240240097,0.5661732801731597,5.445497219761212,7.412868118286131 +3.6225485134093303,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.475030506887133,1.8388792276382446,1.9735715240240097,0.5661732801731597,5.445497219761212,7.412868118286131 +3.8046156214378124,2.4116439133015257,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.4116439133015257,1.9253910779953003,2.073315054178238,0.5593605832533634,5.030514359474182,6.086119365692138 +3.6073691124455283,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.4116439133015257,1.9253910779953003,2.073315054178238,0.5593605832533634,5.030514359474182,6.086119365692138 +3.696945026497256,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.4116439133015257,1.9253910779953003,2.073315054178238,0.5593605832533634,5.030514359474182,6.086119365692138 +3.732008563221916,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.4116439133015257,1.9253910779953003,2.073315054178238,0.5593605832533634,5.030514359474182,6.086119365692138 +4.1603775886243755,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.4116439133015257,1.9253910779953003,2.073315054178238,0.5593605832533634,5.030514359474182,6.086119365692138 +4.055349722622567,2.3254717595520473,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.3254717595520473,1.9342139959335327,1.9822598099708557,0.7183014411241451,4.586546296874682,5.398202037811279 +3.701352360419988,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.3254717595520473,1.9342139959335327,1.9822598099708557,0.7183014411241451,4.586546296874682,5.398202037811279 +3.719202958912365,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.3254717595520473,1.9342139959335327,1.9822598099708557,0.7183014411241451,4.586546296874682,5.398202037811279 +3.4010929358351514,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.3254717595520473,1.9342139959335327,1.9822598099708557,0.7183014411241451,4.586546296874682,5.398202037811279 +3.498589184754442,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.3254717595520473,1.9342139959335327,1.9822598099708557,0.7183014411241451,4.586546296874682,5.398202037811279 +3.7790189326241967,2.754809341891102,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.754809341891102,2.0681004524230957,2.265146940946579,0.9449949093321537,5.58511454363664,7.310453224182129 +3.7159065396222717,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.754809341891102,2.0681004524230957,2.265146940946579,0.9449949093321537,5.58511454363664,7.310453224182129 +3.7344525221705753,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.754809341891102,2.0681004524230957,2.265146940946579,0.9449949093321537,5.58511454363664,7.310453224182129 +3.821558912876885,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.754809341891102,2.0681004524230957,2.265146940946579,0.9449949093321537,5.58511454363664,7.310453224182129 +3.753132672415245,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.754809341891102,2.0681004524230957,2.265146940946579,0.9449949093321537,5.58511454363664,7.310453224182129 +3.85516688860658,2.668544685438512,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.668544685438512,2.171686887741089,2.2839507460594177,0.8770604236645901,5.222711230317752,6.882124805450438 +3.4255238937553125,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.668544685438512,2.171686887741089,2.2839507460594177,0.8770604236645901,5.222711230317752,6.882124805450438 +3.5898625062174094,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.668544685438512,2.171686887741089,2.2839507460594177,0.8770604236645901,5.222711230317752,6.882124805450438 +3.558296508005867,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.668544685438512,2.171686887741089,2.2839507460594177,0.8770604236645901,5.222711230317752,6.882124805450438 +3.428086773111512,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.668544685438512,2.171686887741089,2.2839507460594177,0.8770604236645901,5.222711230317752,6.882124805450438 +3.609695953692956,2.044004570673067,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.044004570673067,1.5761946439743042,1.7048248797655106,0.6277749289540534,4.2190890063842135,5.229695415496824 +3.5915908762954154,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.044004570673067,1.5761946439743042,1.7048248797655106,0.6277749289540534,4.2190890063842135,5.229695415496824 +3.728245981509421,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.044004570673067,1.5761946439743042,1.7048248797655106,0.6277749289540534,4.2190890063842135,5.229695415496824 +3.8228338075541255,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.044004570673067,1.5761946439743042,1.7048248797655106,0.6277749289540534,4.2190890063842135,5.229695415496824 +3.6162589843087587,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.044004570673067,1.5761946439743042,1.7048248797655106,0.6277749289540534,4.2190890063842135,5.229695415496824 +3.8404679488695392,2.6334269392900365,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.6334269392900365,1.9954713582992554,2.1899498403072357,0.9916633161458563,5.250822817285855,6.701236438751219 +3.8761171050821885,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.6334269392900365,1.9954713582992554,2.1899498403072357,0.9916633161458563,5.250822817285855,6.701236438751219 +3.8020021506931663,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.6334269392900365,1.9954713582992554,2.1899498403072357,0.9916633161458563,5.250822817285855,6.701236438751219 +3.6972440495536634,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.6334269392900365,1.9954713582992554,2.1899498403072357,0.9916633161458563,5.250822817285855,6.701236438751219 +3.629674603390977,0,2.040589589251097,1.69026517868042,1.7630082070827484,0.552702416606406,4.167741894721985,5.142211818695067,2.6334269392900365,1.9954713582992554,2.1899498403072357,0.9916633161458563,5.250822817285855,6.701236438751219 +3.711694344288441,1.896679227866193,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717 +3.569696484187662,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717 +3.4841204274219697,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717 +3.5716645337818167,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717 +3.7196678365519307,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717 +3.773472309191183,2.671876011229066,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.671876011229066,2.0781075954437256,2.2384995818138123,0.9679215138262891,5.36349303026994,6.92944221496582 +3.686389370022789,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.671876011229066,2.0781075954437256,2.2384995818138123,0.9679215138262891,5.36349303026994,6.92944221496582 +3.74694945126536,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.671876011229066,2.0781075954437256,2.2384995818138123,0.9679215138262891,5.36349303026994,6.92944221496582 +3.7418506913339242,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.671876011229066,2.0781075954437256,2.2384995818138123,0.9679215138262891,5.36349303026994,6.92944221496582 +3.652184311074443,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.671876011229066,2.0781075954437256,2.2384995818138123,0.9679215138262891,5.36349303026994,6.92944221496582 +3.7059429885333004,2.775607977003332,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.775607977003332,2.052140235900879,2.2733618319034576,0.9039219999884037,5.785414338111877,7.185921382904052 +3.562401070168591,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.775607977003332,2.052140235900879,2.2733618319034576,0.9039219999884037,5.785414338111877,7.185921382904052 +3.5967809776320934,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.775607977003332,2.052140235900879,2.2733618319034576,0.9039219999884037,5.785414338111877,7.185921382904052 +3.895824644115009,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.775607977003332,2.052140235900879,2.2733618319034576,0.9039219999884037,5.785414338111877,7.185921382904052 +3.665648427912302,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.775607977003332,2.052140235900879,2.2733618319034576,0.9039219999884037,5.785414338111877,7.185921382904052 +3.415354411252885,2.1143469728490034,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1143469728490034,1.713721752166748,1.7801869362592697,0.5516080919732439,4.453914215167363,5.338028812408448 +3.603818936602736,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1143469728490034,1.713721752166748,1.7801869362592697,0.5516080919732439,4.453914215167363,5.338028812408448 +3.750699675570692,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1143469728490034,1.713721752166748,1.7801869362592697,0.5516080919732439,4.453914215167363,5.338028812408448 +3.4218686329775876,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1143469728490034,1.713721752166748,1.7801869362592697,0.5516080919732439,4.453914215167363,5.338028812408448 +3.6989985533392837,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1143469728490034,1.713721752166748,1.7801869362592697,0.5516080919732439,4.453914215167363,5.338028812408448 +3.518691372961828,2.174490069507291,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.174490069507291,1.7908940315246582,1.9450345635414124,0.6778785443686425,4.277523249387741,4.956868362426757 +3.851453580787912,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.174490069507291,1.7908940315246582,1.9450345635414124,0.6778785443686425,4.277523249387741,4.956868362426757 +3.5813260341068056,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.174490069507291,1.7908940315246582,1.9450345635414124,0.6778785443686425,4.277523249387741,4.956868362426757 +3.561041243983762,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.174490069507291,1.7908940315246582,1.9450345635414124,0.6778785443686425,4.277523249387741,4.956868362426757 +3.6004219777429953,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.174490069507291,1.7908940315246582,1.9450345635414124,0.6778785443686425,4.277523249387741,4.956868362426757 +3.8747646795059887,2.068197889657563,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.068197889657563,1.5244407653808594,1.657090350985527,0.6061804537126358,4.290896986921628,5.261237907409668 +3.373832364352838,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.068197889657563,1.5244407653808594,1.657090350985527,0.6061804537126358,4.290896986921628,5.261237907409668 +3.582132878022804,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.068197889657563,1.5244407653808594,1.657090350985527,0.6061804537126358,4.290896986921628,5.261237907409668 +3.66794567197404,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.068197889657563,1.5244407653808594,1.657090350985527,0.6061804537126358,4.290896986921628,5.261237907409668 +3.732084735205746,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.068197889657563,1.5244407653808594,1.657090350985527,0.6061804537126358,4.290896986921628,5.261237907409668 +3.776360397760346,2.292953123333593,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.292953123333593,1.885748028755188,1.981602281332016,0.7584393905832413,4.488654022415479,5.017020130157471 +3.5343957925927985,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.292953123333593,1.885748028755188,1.981602281332016,0.7584393905832413,4.488654022415479,5.017020130157471 +3.868496292341982,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.292953123333593,1.885748028755188,1.981602281332016,0.7584393905832413,4.488654022415479,5.017020130157471 +3.6337946536201287,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.292953123333593,1.885748028755188,1.981602281332016,0.7584393905832413,4.488654022415479,5.017020130157471 +3.523261449798588,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.292953123333593,1.885748028755188,1.981602281332016,0.7584393905832413,4.488654022415479,5.017020130157471 +3.677905213530114,2.9660660331211393,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.9660660331211393,2.5098304748535156,2.612282782793045,1.5061032239426957,5.2231402049462,6.312420463562011 +3.594329492889325,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.9660660331211393,2.5098304748535156,2.612282782793045,1.5061032239426957,5.2231402049462,6.312420463562011 +3.6459925490822203,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.9660660331211393,2.5098304748535156,2.612282782793045,1.5061032239426957,5.2231402049462,6.312420463562011 +3.539111869532546,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.9660660331211393,2.5098304748535156,2.612282782793045,1.5061032239426957,5.2231402049462,6.312420463562011 +3.8485400689112166,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.9660660331211393,2.5098304748535156,2.612282782793045,1.5061032239426957,5.2231402049462,6.312420463562011 +3.6314626794141325,2.421633092144494,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.421633092144494,1.986230731010437,2.1177527606487274,0.7868479488694922,4.678599963585536,5.958178520202637 +3.636611797131775,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.421633092144494,1.986230731010437,2.1177527606487274,0.7868479488694922,4.678599963585536,5.958178520202637 +3.5905650066983417,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.421633092144494,1.986230731010437,2.1177527606487274,0.7868479488694922,4.678599963585536,5.958178520202637 +3.711162773297613,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.421633092144494,1.986230731010437,2.1177527606487274,0.7868479488694922,4.678599963585536,5.958178520202637 +3.6854653919120577,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.421633092144494,1.986230731010437,2.1177527606487274,0.7868479488694922,4.678599963585536,5.958178520202637 +3.99491326420477,2.2642032015654774,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2642032015654774,1.8660300970077515,1.9916022419929504,0.7185834673173884,4.423700789610545,4.983342075347899 +3.400183349140087,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2642032015654774,1.8660300970077515,1.9916022419929504,0.7185834673173884,4.423700789610545,4.983342075347899 +3.50500503384894,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2642032015654774,1.8660300970077515,1.9916022419929504,0.7185834673173884,4.423700789610545,4.983342075347899 +3.5087063366001705,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2642032015654774,1.8660300970077515,1.9916022419929504,0.7185834673173884,4.423700789610545,4.983342075347899 +3.733181111160715,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2642032015654774,1.8660300970077515,1.9916022419929504,0.7185834673173884,4.423700789610545,4.983342075347899 +3.46204895123171,2.1353382753632055,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1353382753632055,1.5696005821228027,1.7418981790542603,0.52003502148263,4.606185813744863,5.783235645294189 +3.717506936090288,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1353382753632055,1.5696005821228027,1.7418981790542603,0.52003502148263,4.606185813744863,5.783235645294189 +3.8253106370686227,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1353382753632055,1.5696005821228027,1.7418981790542603,0.52003502148263,4.606185813744863,5.783235645294189 +3.5991199700884264,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1353382753632055,1.5696005821228027,1.7418981790542603,0.52003502148263,4.606185813744863,5.783235645294189 +3.7496887566546335,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1353382753632055,1.5696005821228027,1.7418981790542603,0.52003502148263,4.606185813744863,5.783235645294189 +3.399851180770309,2.531036880517763,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.531036880517763,2.029700994491577,2.159792810678482,0.8873260614085705,4.988872726758321,6.386217403411866 +3.4362970018921555,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.531036880517763,2.029700994491577,2.159792810678482,0.8873260614085705,4.988872726758321,6.386217403411866 +3.760358711955258,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.531036880517763,2.029700994491577,2.159792810678482,0.8873260614085705,4.988872726758321,6.386217403411866 +3.588680371838698,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.531036880517763,2.029700994491577,2.159792810678482,0.8873260614085705,4.988872726758321,6.386217403411866 +3.579802961376223,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.531036880517763,2.029700994491577,2.159792810678482,0.8873260614085705,4.988872726758321,6.386217403411866 +3.6278453051532793,2.4162519650642205,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4162519650642205,1.9594461917877197,2.0923986732959747,0.7851930669647582,4.720013504227002,4.932600498199463 +3.3799326366359135,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4162519650642205,1.9594461917877197,2.0923986732959747,0.7851930669647582,4.720013504227002,4.932600498199463 +3.697688269406793,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4162519650642205,1.9594461917877197,2.0923986732959747,0.7851930669647582,4.720013504227002,4.932600498199463 +3.403235446750174,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4162519650642205,1.9594461917877197,2.0923986732959747,0.7851930669647582,4.720013504227002,4.932600498199463 +3.6751167920853027,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4162519650642205,1.9594461917877197,2.0923986732959747,0.7851930669647582,4.720013504227002,4.932600498199463 +3.3546362202368813,3.7240476419449484,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.7240476419449484,3.1593246459960938,3.3257893919944763,1.5675373281887237,6.652440478404363,7.817675399780271 +3.6185518991113654,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.7240476419449484,3.1593246459960938,3.3257893919944763,1.5675373281887237,6.652440478404363,7.817675399780271 +3.3219814020403144,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.7240476419449484,3.1593246459960938,3.3257893919944763,1.5675373281887237,6.652440478404363,7.817675399780271 +3.432786189314558,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.7240476419449484,3.1593246459960938,3.3257893919944763,1.5675373281887237,6.652440478404363,7.817675399780271 +3.5274159497824695,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.7240476419449484,3.1593246459960938,3.3257893919944763,1.5675373281887237,6.652440478404363,7.817675399780271 +3.4999873584092134,2.822248926159566,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.822248926159566,2.5267744064331055,2.5332711040973663,1.1422301121848695,5.030813689033191,5.833178710937499 +3.4296419878433753,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.822248926159566,2.5267744064331055,2.5332711040973663,1.1422301121848695,5.030813689033191,5.833178710937499 +3.8725557524838674,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.822248926159566,2.5267744064331055,2.5332711040973663,1.1422301121848695,5.030813689033191,5.833178710937499 +3.5518190322104735,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.822248926159566,2.5267744064331055,2.5332711040973663,1.1422301121848695,5.030813689033191,5.833178710937499 +3.4790019578347104,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.822248926159566,2.5267744064331055,2.5332711040973663,1.1422301121848695,5.030813689033191,5.833178710937499 +3.673557598075011,2.394029002695803,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.394029002695803,2.012075424194336,2.072787255048752,0.6724797425434944,4.818018063902855,5.970781421661377 +3.5421889517702025,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.394029002695803,2.012075424194336,2.072787255048752,0.6724797425434944,4.818018063902855,5.970781421661377 +3.4239326132594123,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.394029002695803,2.012075424194336,2.072787255048752,0.6724797425434944,4.818018063902855,5.970781421661377 +3.6438149558404818,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.394029002695803,2.012075424194336,2.072787255048752,0.6724797425434944,4.818018063902855,5.970781421661377 +3.8547202060121974,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.394029002695803,2.012075424194336,2.072787255048752,0.6724797425434944,4.818018063902855,5.970781421661377 +3.4235852116959706,2.689812436542183,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.689812436542183,2.2513370513916016,2.3740302324295044,0.9580695663994931,5.136587177713712,6.4978178977966286 +3.459160426282631,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.689812436542183,2.2513370513916016,2.3740302324295044,0.9580695663994931,5.136587177713712,6.4978178977966286 +3.44009457823469,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.689812436542183,2.2513370513916016,2.3740302324295044,0.9580695663994931,5.136587177713712,6.4978178977966286 +3.7658678635483054,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.689812436542183,2.2513370513916016,2.3740302324295044,0.9580695663994931,5.136587177713712,6.4978178977966286 +3.704798819855996,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.689812436542183,2.2513370513916016,2.3740302324295044,0.9580695663994931,5.136587177713712,6.4978178977966286 +3.4743686963000524,2.446730749119842,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.446730749119842,1.9253910779953003,2.0649429857730865,0.5716971151055174,5.195336331923802,6.505773639678955 +3.5242550791803953,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.446730749119842,1.9253910779953003,2.0649429857730865,0.5716971151055174,5.195336331923802,6.505773639678955 +3.7400011276742715,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.446730749119842,1.9253910779953003,2.0649429857730865,0.5716971151055174,5.195336331923802,6.505773639678955 +3.5307103868446124,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.446730749119842,1.9253910779953003,2.0649429857730865,0.5716971151055174,5.195336331923802,6.505773639678955 +3.5536629038231355,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.446730749119842,1.9253910779953003,2.0649429857730865,0.5716971151055174,5.195336331923802,6.505773639678955 +3.5761892176908994,2.232137431937551,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.232137431937551,1.7232874631881714,1.8540098369121552,0.6128090356892728,4.603960345188777,5.751647090911863 +3.5842596952628965,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.232137431937551,1.7232874631881714,1.8540098369121552,0.6128090356892728,4.603960345188777,5.751647090911863 +3.583421075898456,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.232137431937551,1.7232874631881714,1.8540098369121552,0.6128090356892728,4.603960345188777,5.751647090911863 +3.479956783452575,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.232137431937551,1.7232874631881714,1.8540098369121552,0.6128090356892728,4.603960345188777,5.751647090911863 +3.7065484935422686,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.232137431937551,1.7232874631881714,1.8540098369121552,0.6128090356892728,4.603960345188777,5.751647090911863 +3.88570049165264,2.647305088462653,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.647305088462653,1.9941960573196411,2.2177940607070923,0.9868370640151044,5.255847518642743,6.644328212738037 +3.6597860390443286,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.647305088462653,1.9941960573196411,2.2177940607070923,0.9868370640151044,5.255847518642743,6.644328212738037 +3.490460905204662,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.647305088462653,1.9941960573196411,2.2177940607070923,0.9868370640151044,5.255847518642743,6.644328212738037 +3.6895764390286794,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.647305088462653,1.9941960573196411,2.2177940607070923,0.9868370640151044,5.255847518642743,6.644328212738037 +3.622364369184172,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.647305088462653,1.9941960573196411,2.2177940607070923,0.9868370640151044,5.255847518642743,6.644328212738037 +3.42467355973881,2.3293720131355617,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3293720131355617,1.6726911067962646,1.8370653092861176,0.6700558361220867,5.065103525916736,6.766900444030762 +3.5941256103855324,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3293720131355617,1.6726911067962646,1.8370653092861176,0.6700558361220867,5.065103525916736,6.766900444030762 +3.5534835363440904,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3293720131355617,1.6726911067962646,1.8370653092861176,0.6700558361220867,5.065103525916736,6.766900444030762 +3.5973311568706205,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3293720131355617,1.6726911067962646,1.8370653092861176,0.6700558361220867,5.065103525916736,6.766900444030762 +3.762928040349232,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3293720131355617,1.6726911067962646,1.8370653092861176,0.6700558361220867,5.065103525916736,6.766900444030762 +3.3339654584280103,1.9520947805078572,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9520947805078572,1.4410291910171509,1.5303442925214767,0.529909240914152,4.299120098352432,5.311245822906494 +3.423670118197917,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9520947805078572,1.4410291910171509,1.5303442925214767,0.529909240914152,4.299120098352432,5.311245822906494 +3.6511973361423276,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9520947805078572,1.4410291910171509,1.5303442925214767,0.529909240914152,4.299120098352432,5.311245822906494 +3.5860858869230214,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9520947805078572,1.4410291910171509,1.5303442925214767,0.529909240914152,4.299120098352432,5.311245822906494 +3.3844364117781844,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9520947805078572,1.4410291910171509,1.5303442925214767,0.529909240914152,4.299120098352432,5.311245822906494 +3.7230102056170518,1.9640494678465148,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9640494678465148,1.4809446334838867,1.6146574020385742,0.5308612529584702,4.124743690093358,4.777351570129393 +3.9041111917483144,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9640494678465148,1.4809446334838867,1.6146574020385742,0.5308612529584702,4.124743690093358,4.777351570129393 +3.5016421741734707,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9640494678465148,1.4809446334838867,1.6146574020385742,0.5308612529584702,4.124743690093358,4.777351570129393 +3.8162106957119497,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9640494678465148,1.4809446334838867,1.6146574020385742,0.5308612529584702,4.124743690093358,4.777351570129393 +3.6149687312130565,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9640494678465148,1.4809446334838867,1.6146574020385742,0.5308612529584702,4.124743690093358,4.777351570129393 +3.6749633049744728,2.453829240940866,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.453829240940866,1.9453123807907104,2.015007182955742,0.5709858324299467,5.2186005761226015,6.518105316162108 +3.687914487593721,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.453829240940866,1.9453123807907104,2.015007182955742,0.5709858324299467,5.2186005761226015,6.518105316162108 +3.2010238975836924,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.453829240940866,1.9453123807907104,2.015007182955742,0.5709858324299467,5.2186005761226015,6.518105316162108 +3.572625842446702,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.453829240940866,1.9453123807907104,2.015007182955742,0.5709858324299467,5.2186005761226015,6.518105316162108 +3.9035262129119643,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.453829240940866,1.9453123807907104,2.015007182955742,0.5709858324299467,5.2186005761226015,6.518105316162108 +3.7637884515020654,2.4405608612393577,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4405608612393577,2.1409177780151367,2.236637622117996,0.8345461348269848,4.519265259305636,5.34984245300293 +3.5026005320545868,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4405608612393577,2.1409177780151367,2.236637622117996,0.8345461348269848,4.519265259305636,5.34984245300293 +3.426063356621284,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4405608612393577,2.1409177780151367,2.236637622117996,0.8345461348269848,4.519265259305636,5.34984245300293 +3.541519881867482,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4405608612393577,2.1409177780151367,2.236637622117996,0.8345461348269848,4.519265259305636,5.34984245300293 +3.53312556453462,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4405608612393577,2.1409177780151367,2.236637622117996,0.8345461348269848,4.519265259305636,5.34984245300293 +3.4083799131627446,3.0767224568223197,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0767224568223197,2.4733803272247314,2.5997849702835083,1.1625872729940618,6.006812835733096,8.057596778869627 +3.486228283760101,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0767224568223197,2.4733803272247314,2.5997849702835083,1.1625872729940618,6.006812835733096,8.057596778869627 +3.4259482457408175,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0767224568223197,2.4733803272247314,2.5997849702835083,1.1625872729940618,6.006812835733096,8.057596778869627 +3.5504426169049457,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0767224568223197,2.4733803272247314,2.5997849702835083,1.1625872729940618,6.006812835733096,8.057596778869627 +3.5302113393090644,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0767224568223197,2.4733803272247314,2.5997849702835083,1.1625872729940618,6.006812835733096,8.057596778869627 +3.668636659322439,2.4465316300669677,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4465316300669677,1.9717923402786255,2.0639974176883698,0.8509106230228505,4.8410816589991255,5.727242183685302 +3.4961860009854893,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4465316300669677,1.9717923402786255,2.0639974176883698,0.8509106230228505,4.8410816589991255,5.727242183685302 +3.72623698480211,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4465316300669677,1.9717923402786255,2.0639974176883698,0.8509106230228505,4.8410816589991255,5.727242183685302 +3.564176512425053,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4465316300669677,1.9717923402786255,2.0639974176883698,0.8509106230228505,4.8410816589991255,5.727242183685302 +3.6552557790735465,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4465316300669677,1.9717923402786255,2.0639974176883698,0.8509106230228505,4.8410816589991255,5.727242183685302 +3.447429025707899,2.658077237309602,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.658077237309602,2.2591476440429688,2.340525269508362,0.8825400427300879,5.139886786540349,6.518810558319092 +3.571802210917888,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.658077237309602,2.2591476440429688,2.340525269508362,0.8825400427300879,5.139886786540349,6.518810558319092 +3.5779873078251576,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.658077237309602,2.2591476440429688,2.340525269508362,0.8825400427300879,5.139886786540349,6.518810558319092 +3.725825676365232,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.658077237309602,2.2591476440429688,2.340525269508362,0.8825400427300879,5.139886786540349,6.518810558319092 +3.6052384971392817,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.658077237309602,2.2591476440429688,2.340525269508362,0.8825400427300879,5.139886786540349,6.518810558319092 +3.4963875261177173,2.6204912128744935,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6204912128744935,2.1495847702026367,2.263046085834503,0.798645444055821,5.140929097930591,6.210037422180175 +3.587700339216041,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6204912128744935,2.1495847702026367,2.263046085834503,0.798645444055821,5.140929097930591,6.210037422180175 +3.5242122331127956,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6204912128744935,2.1495847702026367,2.263046085834503,0.798645444055821,5.140929097930591,6.210037422180175 +3.651219057769448,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6204912128744935,2.1495847702026367,2.263046085834503,0.798645444055821,5.140929097930591,6.210037422180175 +3.1785665690348455,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6204912128744935,2.1495847702026367,2.263046085834503,0.798645444055821,5.140929097930591,6.210037422180175 +3.6738024207918185,1.978716803685067,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.978716803685067,1.587206244468689,1.6355144828557968,0.5337100184344231,4.165456508596738,5.318609809875486 +3.507053306989745,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.978716803685067,1.587206244468689,1.6355144828557968,0.5337100184344231,4.165456508596738,5.318609809875486 +3.566480687826793,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.978716803685067,1.587206244468689,1.6355144828557968,0.5337100184344231,4.165456508596738,5.318609809875486 +3.482296134971849,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.978716803685067,1.587206244468689,1.6355144828557968,0.5337100184344231,4.165456508596738,5.318609809875486 +3.686912224227489,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.978716803685067,1.587206244468689,1.6355144828557968,0.5337100184344231,4.165456508596738,5.318609809875486 +3.3100306407442823,3.1632250547409058,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.1632250547409058,2.6851108074188232,2.8303850293159485,1.1976470516083089,5.8149427970250445,7.119032859802244 +3.3766080393482953,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.1632250547409058,2.6851108074188232,2.8303850293159485,1.1976470516083089,5.8149427970250445,7.119032859802244 +3.556093721323718,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.1632250547409058,2.6851108074188232,2.8303850293159485,1.1976470516083089,5.8149427970250445,7.119032859802244 +3.7558485538475117,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.1632250547409058,2.6851108074188232,2.8303850293159485,1.1976470516083089,5.8149427970250445,7.119032859802244 +3.325750978983015,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.1632250547409058,2.6851108074188232,2.8303850293159485,1.1976470516083089,5.8149427970250445,7.119032859802244 +3.434730012923243,3.6909597361529314,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.6909597361529314,3.488295078277588,3.547165870666504,1.7543813624280564,5.890337119499843,6.397950267791747 +3.5639745331612613,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.6909597361529314,3.488295078277588,3.547165870666504,1.7543813624280564,5.890337119499843,6.397950267791747 +3.5024572104844696,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.6909597361529314,3.488295078277588,3.547165870666504,1.7543813624280564,5.890337119499843,6.397950267791747 +3.682173507745159,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.6909597361529314,3.488295078277588,3.547165870666504,1.7543813624280564,5.890337119499843,6.397950267791747 +3.8645369568176196,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.6909597361529314,3.488295078277588,3.547165870666504,1.7543813624280564,5.890337119499843,6.397950267791747 +3.4166239226399124,2.2637227100748865,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2637227100748865,1.662952184677124,1.809139370918274,0.6094321882788171,4.84639714161555,5.714008617401123 +3.4959320878329883,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2637227100748865,1.662952184677124,1.809139370918274,0.6094321882788171,4.84639714161555,5.714008617401123 +3.573096477556826,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2637227100748865,1.662952184677124,1.809139370918274,0.6094321882788171,4.84639714161555,5.714008617401123 +3.63511996262149,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2637227100748865,1.662952184677124,1.809139370918274,0.6094321882788171,4.84639714161555,5.714008617401123 +3.2696009546636278,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2637227100748865,1.662952184677124,1.809139370918274,0.6094321882788171,4.84639714161555,5.714008617401123 +3.66927806380399,2.3250106057477375,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3250106057477375,1.8768014907836914,2.0136938989162445,0.8554462429056776,4.525483399629593,5.56200132369995 +3.7217918661543434,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3250106057477375,1.8768014907836914,2.0136938989162445,0.8554462429056776,4.525483399629593,5.56200132369995 +3.4059753106381145,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3250106057477375,1.8768014907836914,2.0136938989162445,0.8554462429056776,4.525483399629593,5.56200132369995 +3.66706395668216,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3250106057477375,1.8768014907836914,2.0136938989162445,0.8554462429056776,4.525483399629593,5.56200132369995 +3.450661881087166,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3250106057477375,1.8768014907836914,2.0136938989162445,0.8554462429056776,4.525483399629593,5.56200132369995 +3.615451936710793,2.1709625836875706,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1709625836875706,1.7277107238769531,1.827956110239029,0.7056139767804044,4.444569120804469,5.294589805603026 +3.49875435834667,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1709625836875706,1.7277107238769531,1.827956110239029,0.7056139767804044,4.444569120804469,5.294589805603026 +3.5440325142525744,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1709625836875706,1.7277107238769531,1.827956110239029,0.7056139767804044,4.444569120804469,5.294589805603026 +3.710380046911007,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1709625836875706,1.7277107238769531,1.827956110239029,0.7056139767804044,4.444569120804469,5.294589805603026 +3.593453559916378,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.1709625836875706,1.7277107238769531,1.827956110239029,0.7056139767804044,4.444569120804469,5.294589805603026 +3.39703410162067,3.0260372554499004,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0260372554499004,2.6840901374816895,2.777327209711075,0.9779816720079868,5.642571687698364,7.128874874114987 +3.6227567548566255,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0260372554499004,2.6840901374816895,2.777327209711075,0.9779816720079868,5.642571687698364,7.128874874114987 +3.5651211744877154,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0260372554499004,2.6840901374816895,2.777327209711075,0.9779816720079868,5.642571687698364,7.128874874114987 +3.4075477300580386,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0260372554499004,2.6840901374816895,2.777327209711075,0.9779816720079868,5.642571687698364,7.128874874114987 +3.3261502915133274,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.0260372554499004,2.6840901374816895,2.777327209711075,0.9779816720079868,5.642571687698364,7.128874874114987 +3.8413721291559666,2.4802063071223164,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4802063071223164,2.047366142272949,2.131417840719223,0.8699555771147951,4.806331033507983,6.005680847167968 +3.5424573983515475,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4802063071223164,2.047366142272949,2.131417840719223,0.8699555771147951,4.806331033507983,6.005680847167968 +3.5206175552273176,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4802063071223164,2.047366142272949,2.131417840719223,0.8699555771147951,4.806331033507983,6.005680847167968 +3.5155058049039036,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4802063071223164,2.047366142272949,2.131417840719223,0.8699555771147951,4.806331033507983,6.005680847167968 +3.7791537179324117,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.4802063071223164,2.047366142272949,2.131417840719223,0.8699555771147951,4.806331033507983,6.005680847167968 +3.752703658705651,2.2081220836314577,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2081220836314577,1.7670217752456665,1.877663031220436,0.5245082462404637,4.54227976500988,5.77785596847534 +3.445001774381522,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2081220836314577,1.7670217752456665,1.877663031220436,0.5245082462404637,4.54227976500988,5.77785596847534 +3.5162989708513885,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2081220836314577,1.7670217752456665,1.877663031220436,0.5245082462404637,4.54227976500988,5.77785596847534 +3.50303232327772,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2081220836314577,1.7670217752456665,1.877663031220436,0.5245082462404637,4.54227976500988,5.77785596847534 +3.6848290680974016,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2081220836314577,1.7670217752456665,1.877663031220436,0.5245082462404637,4.54227976500988,5.77785596847534 +3.519262746566204,2.109550659460996,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.109550659460996,1.6124051809310913,1.737169861793518,0.7536811035998324,4.173746466636658,5.197503852844238 +3.4667356238948637,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.109550659460996,1.6124051809310913,1.737169861793518,0.7536811035998324,4.173746466636658,5.197503852844238 +3.440930098177261,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.109550659460996,1.6124051809310913,1.737169861793518,0.7536811035998324,4.173746466636658,5.197503852844238 +3.4136045361257166,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.109550659460996,1.6124051809310913,1.737169861793518,0.7536811035998324,4.173746466636658,5.197503852844238 +3.36415233834595,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.109550659460996,1.6124051809310913,1.737169861793518,0.7536811035998324,4.173746466636658,5.197503852844238 +3.4634349829563993,2.627070634532227,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.627070634532227,2.23913311958313,2.338898718357086,0.8904525298387447,4.981459667285283,5.664069175720215 +3.228899690359438,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.627070634532227,2.23913311958313,2.338898718357086,0.8904525298387447,4.981459667285283,5.664069175720215 +3.2058379167106033,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.627070634532227,2.23913311958313,2.338898718357086,0.8904525298387447,4.981459667285283,5.664069175720215 +3.642509340768125,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.627070634532227,2.23913311958313,2.338898718357086,0.8904525298387447,4.981459667285283,5.664069175720215 +3.6228613118422377,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.627070634532227,2.23913311958313,2.338898718357086,0.8904525298387447,4.981459667285283,5.664069175720215 +3.6590012001723915,2.018065233709951,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.018065233709951,1.5744553804397583,1.6724462807178497,0.7247068095714488,4.078718249996503,4.918782138824463 +3.44182358996692,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.018065233709951,1.5744553804397583,1.6724462807178497,0.7247068095714488,4.078718249996503,4.918782138824463 +3.5638773768039367,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.018065233709951,1.5744553804397583,1.6724462807178497,0.7247068095714488,4.078718249996503,4.918782138824463 +3.418284276033454,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.018065233709951,1.5744553804397583,1.6724462807178497,0.7247068095714488,4.078718249996503,4.918782138824463 +3.639369089382462,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.018065233709951,1.5744553804397583,1.6724462807178497,0.7247068095714488,4.078718249996503,4.918782138824463 +3.6471592004664024,2.7250178996375,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7250178996375,2.377840042114258,2.4405612647533417,1.0506168251976054,4.995789597431819,5.99798545837402 +3.602913702540788,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7250178996375,2.377840042114258,2.4405612647533417,1.0506168251976054,4.995789597431819,5.99798545837402 +3.621708055697676,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7250178996375,2.377840042114258,2.4405612647533417,1.0506168251976054,4.995789597431819,5.99798545837402 +3.762066671767304,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7250178996375,2.377840042114258,2.4405612647533417,1.0506168251976054,4.995789597431819,5.99798545837402 +3.4678921013441437,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7250178996375,2.377840042114258,2.4405612647533417,1.0506168251976054,4.995789597431819,5.99798545837402 +3.219409395707157,2.7937545621836626,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7937545621836626,2.223167657852173,2.4119973182678223,1.1179644186446007,5.361317078272502,6.73525762557983 +3.68258524967215,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7937545621836626,2.223167657852173,2.4119973182678223,1.1179644186446007,5.361317078272502,6.73525762557983 +3.3792577050921158,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7937545621836626,2.223167657852173,2.4119973182678223,1.1179644186446007,5.361317078272502,6.73525762557983 +3.3872154809947377,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7937545621836626,2.223167657852173,2.4119973182678223,1.1179644186446007,5.361317078272502,6.73525762557983 +3.3811540291853506,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7937545621836626,2.223167657852173,2.4119973182678223,1.1179644186446007,5.361317078272502,6.73525762557983 +3.4882567408334926,2.3087894221146903,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3087894221146903,1.9258992671966553,1.9702652096748352,0.8127420119782711,4.541071052352588,5.5985576629638665 +3.4984004291506743,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3087894221146903,1.9258992671966553,1.9702652096748352,0.8127420119782711,4.541071052352588,5.5985576629638665 +3.3808004832715977,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3087894221146903,1.9258992671966553,1.9702652096748352,0.8127420119782711,4.541071052352588,5.5985576629638665 +3.5663974721151797,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3087894221146903,1.9258992671966553,1.9702652096748352,0.8127420119782711,4.541071052352588,5.5985576629638665 +3.4276142416615283,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.3087894221146903,1.9258992671966553,1.9702652096748352,0.8127420119782711,4.541071052352588,5.5985576629638665 +3.3872513044084913,1.9748329437047085,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9748329437047085,1.5142656564712524,1.591676026582718,0.6382718538033202,4.07809912165006,4.830147075653075 +3.2000225329462015,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9748329437047085,1.5142656564712524,1.591676026582718,0.6382718538033202,4.07809912165006,4.830147075653075 +3.1349176776283336,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9748329437047085,1.5142656564712524,1.591676026582718,0.6382718538033202,4.07809912165006,4.830147075653075 +3.530400181351362,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9748329437047085,1.5142656564712524,1.591676026582718,0.6382718538033202,4.07809912165006,4.830147075653075 +3.4637067265277803,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9748329437047085,1.5142656564712524,1.591676026582718,0.6382718538033202,4.07809912165006,4.830147075653075 +3.240817336773495,2.59746220991725,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.59746220991725,2.158216953277588,2.282259374856949,0.9888723904782153,4.936968058347702,5.9169447898864735 +3.6864855939763204,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.59746220991725,2.158216953277588,2.282259374856949,0.9888723904782153,4.936968058347702,5.9169447898864735 +3.5586735446762914,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.59746220991725,2.158216953277588,2.282259374856949,0.9888723904782153,4.936968058347702,5.9169447898864735 +3.7117402412410145,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.59746220991725,2.158216953277588,2.282259374856949,0.9888723904782153,4.936968058347702,5.9169447898864735 +3.5739865862521145,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.59746220991725,2.158216953277588,2.282259374856949,0.9888723904782153,4.936968058347702,5.9169447898864735 +3.404475028152359,2.343256166963666,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.343256166963666,2.0454533100128174,2.077284187078476,0.8505365923047066,4.370157192150752,5.122702503204343 +3.4179529202880836,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.343256166963666,2.0454533100128174,2.077284187078476,0.8505365923047066,4.370157192150752,5.122702503204343 +3.539524411758049,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.343256166963666,2.0454533100128174,2.077284187078476,0.8505365923047066,4.370157192150752,5.122702503204343 +3.346859231866444,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.343256166963666,2.0454533100128174,2.077284187078476,0.8505365923047066,4.370157192150752,5.122702503204343 +3.380222186151312,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.343256166963666,2.0454533100128174,2.077284187078476,0.8505365923047066,4.370157192150752,5.122702503204343 +3.384156266763059,3.089632625617678,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.089632625617678,2.8086771965026855,2.9005672335624695,1.5198721771544599,5.163606757918994,6.213233470916748 +3.48766664907061,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.089632625617678,2.8086771965026855,2.9005672335624695,1.5198721771544599,5.163606757918994,6.213233470916748 +3.297324772560502,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.089632625617678,2.8086771965026855,2.9005672335624695,1.5198721771544599,5.163606757918994,6.213233470916748 +3.7197390621955604,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.089632625617678,2.8086771965026855,2.9005672335624695,1.5198721771544599,5.163606757918994,6.213233470916748 +3.3065113091846254,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.089632625617678,2.8086771965026855,2.9005672335624695,1.5198721771544599,5.163606757918994,6.213233470916748 +3.4588840823807314,2.7387656542674574,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7387656542674574,2.2870450019836426,2.407247632741928,1.1235487416703651,5.023937001824379,6.19240264892578 +3.360417853854105,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7387656542674574,2.2870450019836426,2.407247632741928,1.1235487416703651,5.023937001824379,6.19240264892578 +3.303347056903594,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7387656542674574,2.2870450019836426,2.407247632741928,1.1235487416703651,5.023937001824379,6.19240264892578 +3.51089010122269,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7387656542674574,2.2870450019836426,2.407247632741928,1.1235487416703651,5.023937001824379,6.19240264892578 +3.737461045934846,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.7387656542674574,2.2870450019836426,2.407247632741928,1.1235487416703651,5.023937001824379,6.19240264892578 +3.4692912034513452,2.507654251323806,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.507654251323806,1.9807051420211792,2.1115521788597107,0.9624304926775872,4.852977678179741,5.961849689483642 +3.3194346345548267,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.507654251323806,1.9807051420211792,2.1115521788597107,0.9624304926775872,4.852977678179741,5.961849689483642 +3.0821981316034273,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.507654251323806,1.9807051420211792,2.1115521788597107,0.9624304926775872,4.852977678179741,5.961849689483642 +3.3004260259560043,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.507654251323806,1.9807051420211792,2.1115521788597107,0.9624304926775872,4.852977678179741,5.961849689483642 +3.4380186348170594,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.507654251323806,1.9807051420211792,2.1115521788597107,0.9624304926775872,4.852977678179741,5.961849689483642 +3.4430347758106947,2.314519482157218,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.314519482157218,1.9162211418151855,1.9644911587238312,0.9999636481416986,4.361922323703766,5.200707340240478 +3.563972209169871,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.314519482157218,1.9162211418151855,1.9644911587238312,0.9999636481416986,4.361922323703766,5.200707340240478 +3.462440262192315,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.314519482157218,1.9162211418151855,1.9644911587238312,0.9999636481416986,4.361922323703766,5.200707340240478 +3.547371483651189,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.314519482157218,1.9162211418151855,1.9644911587238312,0.9999636481416986,4.361922323703766,5.200707340240478 +3.5164071625211624,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.314519482157218,1.9162211418151855,1.9644911587238312,0.9999636481416986,4.361922323703766,5.200707340240478 +3.274020296523942,2.2836312156899896,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2836312156899896,1.9736772775650024,2.0314408242702484,0.6795948162040812,4.410736446579297,5.293415641784668 +3.5424371706936166,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2836312156899896,1.9736772775650024,2.0314408242702484,0.6795948162040812,4.410736446579297,5.293415641784668 +3.641091902408562,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2836312156899896,1.9736772775650024,2.0314408242702484,0.6795948162040812,4.410736446579297,5.293415641784668 +3.5280276428033304,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2836312156899896,1.9736772775650024,2.0314408242702484,0.6795948162040812,4.410736446579297,5.293415641784668 +3.395993957910343,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.2836312156899896,1.9736772775650024,2.0314408242702484,0.6795948162040812,4.410736446579297,5.293415641784668 +3.3374368958076888,2.060003733429959,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.060003733429959,1.721469521522522,1.8408930003643036,0.6143907077134924,4.027810742457707,4.477637004852294 +3.6252947345887137,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.060003733429959,1.721469521522522,1.8408930003643036,0.6143907077134924,4.027810742457707,4.477637004852294 +3.414894210612082,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.060003733429959,1.721469521522522,1.8408930003643036,0.6143907077134924,4.027810742457707,4.477637004852294 +3.4296020916749117,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.060003733429959,1.721469521522522,1.8408930003643036,0.6143907077134924,4.027810742457707,4.477637004852294 +3.304306096581639,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.060003733429959,1.721469521522522,1.8408930003643036,0.6143907077134924,4.027810742457707,4.477637004852294 +3.515797997134342,2.236399902277207,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.236399902277207,1.8001585006713867,1.9177895188331604,0.8658129866135881,4.327597469091415,4.971023178100586 +3.3499419484140063,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.236399902277207,1.8001585006713867,1.9177895188331604,0.8658129866135881,4.327597469091415,4.971023178100586 +3.4580334130094674,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.236399902277207,1.8001585006713867,1.9177895188331604,0.8658129866135881,4.327597469091415,4.971023178100586 +3.3590174118808833,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.236399902277207,1.8001585006713867,1.9177895188331604,0.8658129866135881,4.327597469091415,4.971023178100586 +3.5271969725399974,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.236399902277207,1.8001585006713867,1.9177895188331604,0.8658129866135881,4.327597469091415,4.971023178100586 +3.443249825791193,1.9308553554078258,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9308553554078258,1.3924076557159424,1.5312326550483704,0.48872643645773545,4.308114777008693,5.460271167755126 +3.423650263304918,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9308553554078258,1.3924076557159424,1.5312326550483704,0.48872643645773545,4.308114777008693,5.460271167755126 +3.3491715294429367,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9308553554078258,1.3924076557159424,1.5312326550483704,0.48872643645773545,4.308114777008693,5.460271167755126 +3.5770066160718494,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9308553554078258,1.3924076557159424,1.5312326550483704,0.48872643645773545,4.308114777008693,5.460271167755126 +3.4291988475774082,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9308553554078258,1.3924076557159424,1.5312326550483704,0.48872643645773545,4.308114777008693,5.460271167755126 +3.273094795369064,2.0312699078725127,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.0312699078725127,1.3608499765396118,1.5470531284809113,0.46324019958364204,4.603319366772969,6.385110282897948 +3.543497321552211,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.0312699078725127,1.3608499765396118,1.5470531284809113,0.46324019958364204,4.603319366772969,6.385110282897948 +3.4668026039460402,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.0312699078725127,1.3608499765396118,1.5470531284809113,0.46324019958364204,4.603319366772969,6.385110282897948 +3.2050822976789877,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.0312699078725127,1.3608499765396118,1.5470531284809113,0.46324019958364204,4.603319366772969,6.385110282897948 +3.614340526073935,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.0312699078725127,1.3608499765396118,1.5470531284809113,0.46324019958364204,4.603319366772969,6.385110282897948 +3.4194649783083504,2.739981193667051,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.739981193667051,2.507333755493164,2.5910918414592743,1.00566815426375,4.83812399705251,5.396997261047362 +3.648207409636641,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.739981193667051,2.507333755493164,2.5910918414592743,1.00566815426375,4.83812399705251,5.396997261047362 +3.096496680776016,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.739981193667051,2.507333755493164,2.5910918414592743,1.00566815426375,4.83812399705251,5.396997261047362 +3.3314048213427174,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.739981193667051,2.507333755493164,2.5910918414592743,1.00566815426375,4.83812399705251,5.396997261047362 +3.1936693854217166,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.739981193667051,2.507333755493164,2.5910918414592743,1.00566815426375,4.83812399705251,5.396997261047362 +3.2838912300352687,3.9852064825870372,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.9852064825870372,3.6792964935302734,3.753500759601593,1.6710604289744764,6.82316917181015,7.8808892250061024 +3.2341947982525134,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.9852064825870372,3.6792964935302734,3.753500759601593,1.6710604289744764,6.82316917181015,7.8808892250061024 +3.3158024484217954,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.9852064825870372,3.6792964935302734,3.753500759601593,1.6710604289744764,6.82316917181015,7.8808892250061024 +3.282186253600825,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.9852064825870372,3.6792964935302734,3.753500759601593,1.6710604289744764,6.82316917181015,7.8808892250061024 +3.560666226735216,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,3.9852064825870372,3.6792964935302734,3.753500759601593,1.6710604289744764,6.82316917181015,7.8808892250061024 +3.5482881850019923,2.290119205123533,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.290119205123533,1.9402753114700317,1.996476948261261,0.6839753208642311,4.5229238122701645,5.083333683013916 +3.297871750840883,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.290119205123533,1.9402753114700317,1.996476948261261,0.6839753208642311,4.5229238122701645,5.083333683013916 +3.403368374406505,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.290119205123533,1.9402753114700317,1.996476948261261,0.6839753208642311,4.5229238122701645,5.083333683013916 +3.7092727490732726,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.290119205123533,1.9402753114700317,1.996476948261261,0.6839753208642311,4.5229238122701645,5.083333683013916 +3.4946350750358564,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.290119205123533,1.9402753114700317,1.996476948261261,0.6839753208642311,4.5229238122701645,5.083333683013916 +3.315456579043714,4.039418392553531,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,4.039418392553531,3.898977756500244,3.8797013759613037,1.5212690240525184,6.775669525067012,8.102845191955563 +3.412099796620082,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,4.039418392553531,3.898977756500244,3.8797013759613037,1.5212690240525184,6.775669525067012,8.102845191955563 +3.526114284441779,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,4.039418392553531,3.898977756500244,3.8797013759613037,1.5212690240525184,6.775669525067012,8.102845191955563 +3.418123455329904,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,4.039418392553531,3.898977756500244,3.8797013759613037,1.5212690240525184,6.775669525067012,8.102845191955563 +3.5942562822852095,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,4.039418392553531,3.898977756500244,3.8797013759613037,1.5212690240525184,6.775669525067012,8.102845191955563 +3.4636098943591747,1.971601609120924,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.971601609120924,1.4577710628509521,1.5805978029966354,0.5231419608313986,4.228980094194412,5.660559558868408 +3.3846504069019434,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.971601609120924,1.4577710628509521,1.5805978029966354,0.5231419608313986,4.228980094194412,5.660559558868408 +3.550084381253707,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.971601609120924,1.4577710628509521,1.5805978029966354,0.5231419608313986,4.228980094194412,5.660559558868408 +3.627578075926033,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.971601609120924,1.4577710628509521,1.5805978029966354,0.5231419608313986,4.228980094194412,5.660559558868408 +3.2593003412546455,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.971601609120924,1.4577710628509521,1.5805978029966354,0.5231419608313986,4.228980094194412,5.660559558868408 +3.4841550327346003,1.9605229257275818,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9605229257275818,1.558966875076294,1.6736440658569336,0.5754766946143293,4.020764435331027,4.59820499420166 +3.368319851604332,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9605229257275818,1.558966875076294,1.6736440658569336,0.5754766946143293,4.020764435331027,4.59820499420166 +3.3225268147944775,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9605229257275818,1.558966875076294,1.6736440658569336,0.5754766946143293,4.020764435331027,4.59820499420166 +3.1130437389370007,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9605229257275818,1.558966875076294,1.6736440658569336,0.5754766946143293,4.020764435331027,4.59820499420166 +3.375290040251133,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,1.9605229257275818,1.558966875076294,1.6736440658569336,0.5754766946143293,4.020764435331027,4.59820499420166 +3.330226859760945,2.6790048960970823,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6790048960970823,2.2669315338134766,2.404208928346634,1.404449480011108,4.524480924010277,5.172650146484374 +3.206269458585018,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6790048960970823,2.2669315338134766,2.404208928346634,1.404449480011108,4.524480924010277,5.172650146484374 +3.4598050460730505,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6790048960970823,2.2669315338134766,2.404208928346634,1.404449480011108,4.524480924010277,5.172650146484374 +3.3839047495324883,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6790048960970823,2.2669315338134766,2.404208928346634,1.404449480011108,4.524480924010277,5.172650146484374 +3.3963366699722006,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.6790048960970823,2.2669315338134766,2.404208928346634,1.404449480011108,4.524480924010277,5.172650146484374 +3.3693884319397265,2.852094827663331,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.852094827663331,2.409728527069092,2.5025778114795685,1.1071769309804795,5.347961167494456,7.003291416168211 +3.50327992319353,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.852094827663331,2.409728527069092,2.5025778114795685,1.1071769309804795,5.347961167494456,7.003291416168211 +3.6684188527843884,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.852094827663331,2.409728527069092,2.5025778114795685,1.1071769309804795,5.347961167494456,7.003291416168211 +3.564614930969115,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.852094827663331,2.409728527069092,2.5025778114795685,1.1071769309804795,5.347961167494456,7.003291416168211 +3.632944167859479,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.852094827663331,2.409728527069092,2.5025778114795685,1.1071769309804795,5.347961167494456,7.003291416168211 +3.422206977465851,2.8205113500829726,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.8205113500829726,2.5802783966064453,2.618815630674362,1.0663835983327095,5.027204776803653,5.449783039093015 +3.3469926344530565,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.8205113500829726,2.5802783966064453,2.618815630674362,1.0663835983327095,5.027204776803653,5.449783039093015 +3.435451068023421,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.8205113500829726,2.5802783966064453,2.618815630674362,1.0663835983327095,5.027204776803653,5.449783039093015 +3.340299438360813,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.8205113500829726,2.5802783966064453,2.618815630674362,1.0663835983327095,5.027204776803653,5.449783039093015 +3.4342510764902374,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.8205113500829726,2.5802783966064453,2.618815630674362,1.0663835983327095,5.027204776803653,5.449783039093015 +3.192007422584814,2.413992000635339,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.413992000635339,1.892585277557373,2.0234127044677734,0.8812369336473181,4.80448317527771,6.080153656005859 +3.4378147245161137,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.413992000635339,1.892585277557373,2.0234127044677734,0.8812369336473181,4.80448317527771,6.080153656005859 +3.3851554508377504,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.413992000635339,1.892585277557373,2.0234127044677734,0.8812369336473181,4.80448317527771,6.080153656005859 +3.2413866917030165,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.413992000635339,1.892585277557373,2.0234127044677734,0.8812369336473181,4.80448317527771,6.080153656005859 +3.591557211387598,0,1.896679227866193,1.4502341747283936,1.5591367334127426,0.5056665891662557,3.988653138279915,4.910564708709717,2.413992000635339,1.892585277557373,2.0234127044677734,0.8812369336473181,4.80448317527771,6.080153656005859 +3.2633725948494154,1.8477693034542932,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892 +3.334791731767573,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892 +3.359740027789233,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892 +3.308464198223362,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892 +3.3500549148247236,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892 +3.171028612903995,2.169256189631091,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.169256189631091,1.620637059211731,1.7949367612600327,0.4763385670933318,4.852125157912572,5.951590633392334 +3.400366893111873,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.169256189631091,1.620637059211731,1.7949367612600327,0.4763385670933318,4.852125157912572,5.951590633392334 +3.2712200415126564,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.169256189631091,1.620637059211731,1.7949367612600327,0.4763385670933318,4.852125157912572,5.951590633392334 +3.6147333450792334,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.169256189631091,1.620637059211731,1.7949367612600327,0.4763385670933318,4.852125157912572,5.951590633392334 +3.3836515377174896,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.169256189631091,1.620637059211731,1.7949367612600327,0.4763385670933318,4.852125157912572,5.951590633392334 +3.4140717316035545,2.095447446382235,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.095447446382235,1.606203317642212,1.758806586265564,0.5605482462238758,4.447911257545154,5.063705635070799 +3.2195427466901436,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.095447446382235,1.606203317642212,1.758806586265564,0.5605482462238758,4.447911257545154,5.063705635070799 +3.3867852583645517,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.095447446382235,1.606203317642212,1.758806586265564,0.5605482462238758,4.447911257545154,5.063705635070799 +3.398963368465844,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.095447446382235,1.606203317642212,1.758806586265564,0.5605482462238758,4.447911257545154,5.063705635070799 +3.6034462714179525,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.095447446382235,1.606203317642212,1.758806586265564,0.5605482462238758,4.447911257545154,5.063705635070799 +3.3439116155566513,2.282346270229451,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.282346270229451,1.8211266994476318,1.970558613538742,0.7680526090429184,4.525704925258954,5.405335903167724 +3.3487921006250194,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.282346270229451,1.8211266994476318,1.970558613538742,0.7680526090429184,4.525704925258954,5.405335903167724 +3.3776682577142614,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.282346270229451,1.8211266994476318,1.970558613538742,0.7680526090429184,4.525704925258954,5.405335903167724 +3.2706252529548783,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.282346270229451,1.8211266994476318,1.970558613538742,0.7680526090429184,4.525704925258954,5.405335903167724 +3.573252254492532,0,1.8477693034542932,1.2595874071121216,1.4239487051963806,0.4421335477778252,4.051653146743774,5.105758380889892,2.282346270229451,1.8211266994476318,1.970558613538742,0.7680526090429184,4.525704925258954,5.405335903167724 +3.134179417486241,1.8207062075220088,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071 +3.5615761011131206,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071 +3.287065456324014,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071 +3.2802535747632504,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071 +3.5376114787086648,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071 +3.5838527173432952,2.372470963332388,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.372470963332388,1.8674979209899902,1.9604535698890686,0.720902627135845,4.928299864133199,6.3093132019042955 +3.3759255826394603,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.372470963332388,1.8674979209899902,1.9604535698890686,0.720902627135845,4.928299864133199,6.3093132019042955 +3.220281066358247,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.372470963332388,1.8674979209899902,1.9604535698890686,0.720902627135845,4.928299864133199,6.3093132019042955 +3.5150030941400177,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.372470963332388,1.8674979209899902,1.9604535698890686,0.720902627135845,4.928299864133199,6.3093132019042955 +3.5105293260833204,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.372470963332388,1.8674979209899902,1.9604535698890686,0.720902627135845,4.928299864133199,6.3093132019042955 +3.420398310514899,2.2732131239125337,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2732131239125337,1.9228483438491821,2.0242399871349335,0.8599872604963628,4.284371972084045,4.904018211364746 +3.376738153437354,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2732131239125337,1.9228483438491821,2.0242399871349335,0.8599872604963628,4.284371972084045,4.904018211364746 +3.082200159458812,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2732131239125337,1.9228483438491821,2.0242399871349335,0.8599872604963628,4.284371972084045,4.904018211364746 +3.557871403865575,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2732131239125337,1.9228483438491821,2.0242399871349335,0.8599872604963628,4.284371972084045,4.904018211364746 +3.321535106541928,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2732131239125337,1.9228483438491821,2.0242399871349335,0.8599872604963628,4.284371972084045,4.904018211364746 +3.329166539544166,2.2629134568272447,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2629134568272447,1.9625400304794312,2.0450022518634796,0.9823461523715485,4.011479650934537,4.495674133300781 +3.372195309966724,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2629134568272447,1.9625400304794312,2.0450022518634796,0.9823461523715485,4.011479650934537,4.495674133300781 +3.3650627657574526,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2629134568272447,1.9625400304794312,2.0450022518634796,0.9823461523715485,4.011479650934537,4.495674133300781 +3.374077742108412,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2629134568272447,1.9625400304794312,2.0450022518634796,0.9823461523715485,4.011479650934537,4.495674133300781 +3.520062354041907,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.2629134568272447,1.9625400304794312,2.0450022518634796,0.9823461523715485,4.011479650934537,4.495674133300781 +3.6753912665205455,2.903276713042663,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.903276713042663,2.421557903289795,2.4481863975524902,0.8678555269824698,5.92707430322965,7.428742885589596 +3.3606524599180374,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.903276713042663,2.421557903289795,2.4481863975524902,0.8678555269824698,5.92707430322965,7.428742885589596 +3.0783848628834245,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.903276713042663,2.421557903289795,2.4481863975524902,0.8678555269824698,5.92707430322965,7.428742885589596 +3.502830047484753,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.903276713042663,2.421557903289795,2.4481863975524902,0.8678555269824698,5.92707430322965,7.428742885589596 +3.5628500151445492,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.903276713042663,2.421557903289795,2.4481863975524902,0.8678555269824698,5.92707430322965,7.428742885589596 +3.2557440819243326,2.5446820000492076,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5446820000492076,2.3979220390319824,2.398930102586746,1.0225225737754335,4.3644421845674515,4.980638885498046 +3.331901832884251,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5446820000492076,2.3979220390319824,2.398930102586746,1.0225225737754335,4.3644421845674515,4.980638885498046 +3.4620817129286423,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5446820000492076,2.3979220390319824,2.398930102586746,1.0225225737754335,4.3644421845674515,4.980638885498046 +3.6363881649277454,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5446820000492076,2.3979220390319824,2.398930102586746,1.0225225737754335,4.3644421845674515,4.980638885498046 +3.4499367919792285,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5446820000492076,2.3979220390319824,2.398930102586746,1.0225225737754335,4.3644421845674515,4.980638885498046 +3.219364087979523,2.4519480328474725,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.4519480328474725,2.19731068611145,2.2483473420143127,0.8021097615995305,4.511100192864736,5.51104412078857 +3.436653138091665,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.4519480328474725,2.19731068611145,2.2483473420143127,0.8021097615995305,4.511100192864736,5.51104412078857 +3.206757705963381,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.4519480328474725,2.19731068611145,2.2483473420143127,0.8021097615995305,4.511100192864736,5.51104412078857 +3.356352116568579,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.4519480328474725,2.19731068611145,2.2483473420143127,0.8021097615995305,4.511100192864736,5.51104412078857 +3.340028735059547,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.4519480328474725,2.19731068611145,2.2483473420143127,0.8021097615995305,4.511100192864736,5.51104412078857 +3.4595914200184215,2.1051782919143243,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1051782919143243,1.735846996307373,1.8024605512619019,0.664429099318829,4.24928247431914,5.065673542022705 +3.449714010930313,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1051782919143243,1.735846996307373,1.8024605512619019,0.664429099318829,4.24928247431914,5.065673542022705 +3.6003238565059954,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1051782919143243,1.735846996307373,1.8024605512619019,0.664429099318829,4.24928247431914,5.065673542022705 +3.4167612390617266,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1051782919143243,1.735846996307373,1.8024605512619019,0.664429099318829,4.24928247431914,5.065673542022705 +3.1545198131205225,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1051782919143243,1.735846996307373,1.8024605512619019,0.664429099318829,4.24928247431914,5.065673542022705 +3.328412248386871,2.1701835874842588,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1701835874842588,1.7122364044189453,1.8041758239269257,0.7756783106225602,4.327339882651965,5.3077346801757805 +3.2804062596883496,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1701835874842588,1.7122364044189453,1.8041758239269257,0.7756783106225602,4.327339882651965,5.3077346801757805 +3.386817766977646,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1701835874842588,1.7122364044189453,1.8041758239269257,0.7756783106225602,4.327339882651965,5.3077346801757805 +3.297193929553032,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1701835874842588,1.7122364044189453,1.8041758239269257,0.7756783106225602,4.327339882651965,5.3077346801757805 +3.4503698184457177,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1701835874842588,1.7122364044189453,1.8041758239269257,0.7756783106225602,4.327339882651965,5.3077346801757805 +3.444044043921858,2.577905163090065,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.577905163090065,2.3161284923553467,2.3218964338302612,0.882680835241967,4.748924846450488,5.774794769287109 +3.33522764644475,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.577905163090065,2.3161284923553467,2.3218964338302612,0.882680835241967,4.748924846450488,5.774794769287109 +3.353401941446327,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.577905163090065,2.3161284923553467,2.3218964338302612,0.882680835241967,4.748924846450488,5.774794769287109 +3.2286944918550726,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.577905163090065,2.3161284923553467,2.3218964338302612,0.882680835241967,4.748924846450488,5.774794769287109 +3.2564105171916666,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.577905163090065,2.3161284923553467,2.3218964338302612,0.882680835241967,4.748924846450488,5.774794769287109 +3.456539843182293,2.100517372053767,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.100517372053767,1.6907283067703247,1.8204325437545776,0.6007009189813695,4.20235912501812,4.923972225189209 +3.5471325440818844,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.100517372053767,1.6907283067703247,1.8204325437545776,0.6007009189813695,4.20235912501812,4.923972225189209 +3.2383557050280016,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.100517372053767,1.6907283067703247,1.8204325437545776,0.6007009189813695,4.20235912501812,4.923972225189209 +3.2253088902161116,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.100517372053767,1.6907283067703247,1.8204325437545776,0.6007009189813695,4.20235912501812,4.923972225189209 +3.2280209427379996,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.100517372053767,1.6907283067703247,1.8204325437545776,0.6007009189813695,4.20235912501812,4.923972225189209 +3.606189373615235,2.1120284560023164,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1120284560023164,1.6015667915344238,1.7250254452228546,0.7098876558085705,4.279583647847176,5.561139965057373 +3.5900215546263867,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1120284560023164,1.6015667915344238,1.7250254452228546,0.7098876558085705,4.279583647847176,5.561139965057373 +3.4276741945177394,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1120284560023164,1.6015667915344238,1.7250254452228546,0.7098876558085705,4.279583647847176,5.561139965057373 +3.300825115932166,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1120284560023164,1.6015667915344238,1.7250254452228546,0.7098876558085705,4.279583647847176,5.561139965057373 +3.4590594652342292,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.1120284560023164,1.6015667915344238,1.7250254452228546,0.7098876558085705,4.279583647847176,5.561139965057373 +3.6669554353192804,2.231500828116344,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.231500828116344,1.8220938444137573,1.9183951914310455,0.7831778882982883,4.337746034065883,5.230406856536865 +3.568035334034142,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.231500828116344,1.8220938444137573,1.9183951914310455,0.7831778882982883,4.337746034065883,5.230406856536865 +3.1240205468909723,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.231500828116344,1.8220938444137573,1.9183951914310455,0.7831778882982883,4.337746034065883,5.230406856536865 +3.4189839758234477,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.231500828116344,1.8220938444137573,1.9183951914310455,0.7831778882982883,4.337746034065883,5.230406856536865 +3.406347149122988,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.231500828116344,1.8220938444137573,1.9183951914310455,0.7831778882982883,4.337746034065883,5.230406856536865 +3.5627133568114844,2.02298303212596,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.02298303212596,1.5859726667404175,1.6781679838895798,0.5993121654746381,4.239097957809766,5.234636592864989 +3.3611097114263866,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.02298303212596,1.5859726667404175,1.6781679838895798,0.5993121654746381,4.239097957809766,5.234636592864989 +3.4300454661132163,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.02298303212596,1.5859726667404175,1.6781679838895798,0.5993121654746381,4.239097957809766,5.234636592864989 +3.3990068776351166,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.02298303212596,1.5859726667404175,1.6781679838895798,0.5993121654746381,4.239097957809766,5.234636592864989 +3.524875289060195,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.02298303212596,1.5859726667404175,1.6781679838895798,0.5993121654746381,4.239097957809766,5.234636592864989 +3.4137718829874313,2.5720472558544425,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5720472558544425,2.26261043548584,2.3674239814281464,1.050150935478667,4.551817998290062,5.236037921905517 +3.3122822940939334,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5720472558544425,2.26261043548584,2.3674239814281464,1.050150935478667,4.551817998290062,5.236037921905517 +3.690061722117867,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5720472558544425,2.26261043548584,2.3674239814281464,1.050150935478667,4.551817998290062,5.236037921905517 +3.2233719779743684,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5720472558544425,2.26261043548584,2.3674239814281464,1.050150935478667,4.551817998290062,5.236037921905517 +3.597907325247976,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5720472558544425,2.26261043548584,2.3674239814281464,1.050150935478667,4.551817998290062,5.236037921905517 +3.345519864071642,2.775169393451756,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.775169393451756,2.2895257472991943,2.408348560333252,0.9991081347490879,5.374729891618093,6.583769989013671 +3.2656993837461936,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.775169393451756,2.2895257472991943,2.408348560333252,0.9991081347490879,5.374729891618093,6.583769989013671 +3.636593799910319,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.775169393451756,2.2895257472991943,2.408348560333252,0.9991081347490879,5.374729891618093,6.583769989013671 +3.385857413854637,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.775169393451756,2.2895257472991943,2.408348560333252,0.9991081347490879,5.374729891618093,6.583769989013671 +3.5019246996785847,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.775169393451756,2.2895257472991943,2.408348560333252,0.9991081347490879,5.374729891618093,6.583769989013671 +3.3177712314558216,2.5737974778527306,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5737974778527306,2.240793228149414,2.3164725601673126,0.9151072765284396,4.674777780969937,5.362195014953613 +3.466004688499156,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5737974778527306,2.240793228149414,2.3164725601673126,0.9151072765284396,4.674777780969937,5.362195014953613 +3.336107869733292,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5737974778527306,2.240793228149414,2.3164725601673126,0.9151072765284396,4.674777780969937,5.362195014953613 +3.4077086759274113,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5737974778527306,2.240793228149414,2.3164725601673126,0.9151072765284396,4.674777780969937,5.362195014953613 +3.7078363596213526,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.5737974778527306,2.240793228149414,2.3164725601673126,0.9151072765284396,4.674777780969937,5.362195014953613 +3.3503870074895254,2.289449250571942,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.289449250571942,2.0005648136138916,2.075808584690094,0.81763933694109,4.2460459023714066,4.776742172241211 +3.2868987577611035,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.289449250571942,2.0005648136138916,2.075808584690094,0.81763933694109,4.2460459023714066,4.776742172241211 +3.097899533945841,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.289449250571942,2.0005648136138916,2.075808584690094,0.81763933694109,4.2460459023714066,4.776742172241211 +3.2509657327567365,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.289449250571942,2.0005648136138916,2.075808584690094,0.81763933694109,4.2460459023714066,4.776742172241211 +3.2013329243518434,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.289449250571942,2.0005648136138916,2.075808584690094,0.81763933694109,4.2460459023714066,4.776742172241211 +3.5063417745768866,2.329852657501029,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.329852657501029,1.890412449836731,1.9707363545894623,0.7640919919977797,4.636277799805005,5.618244552612303 +3.327010255572349,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.329852657501029,1.890412449836731,1.9707363545894623,0.7640919919977797,4.636277799805005,5.618244552612303 +3.237413407217387,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.329852657501029,1.890412449836731,1.9707363545894623,0.7640919919977797,4.636277799805005,5.618244552612303 +3.121924385625014,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.329852657501029,1.890412449836731,1.9707363545894623,0.7640919919977797,4.636277799805005,5.618244552612303 +3.188067044482854,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,2.329852657501029,1.890412449836731,1.9707363545894623,0.7640919919977797,4.636277799805005,5.618244552612303 +3.525830172356169,1.9371930658817291,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.9371930658817291,1.549649953842163,1.6363110095262527,0.5841552545415595,3.96548001964887,5.079817771911621 +3.289808101657198,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.9371930658817291,1.549649953842163,1.6363110095262527,0.5841552545415595,3.96548001964887,5.079817771911621 +3.4098328942123377,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.9371930658817291,1.549649953842163,1.6363110095262527,0.5841552545415595,3.96548001964887,5.079817771911621 +3.5182539684634095,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.9371930658817291,1.549649953842163,1.6363110095262527,0.5841552545415595,3.96548001964887,5.079817771911621 +3.0782502782887393,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.9371930658817291,1.549649953842163,1.6363110095262527,0.5841552545415595,3.96548001964887,5.079817771911621 +3.2218876663487315,1.8482736638062214,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8482736638062214,1.444555640220642,1.477514237165451,0.448635440716084,4.006152093410492,4.838106727600097 +3.1491554444729495,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8482736638062214,1.444555640220642,1.477514237165451,0.448635440716084,4.006152093410492,4.838106727600097 +3.5087087677894924,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8482736638062214,1.444555640220642,1.477514237165451,0.448635440716084,4.006152093410492,4.838106727600097 +3.52271252280804,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8482736638062214,1.444555640220642,1.477514237165451,0.448635440716084,4.006152093410492,4.838106727600097 +3.28139038034039,0,1.8207062075220088,1.4091715812683105,1.4910555928945541,0.4935973283458263,3.9430739333232245,4.653611087799071,1.8482736638062214,1.444555640220642,1.477514237165451,0.448635440716084,4.006152093410492,4.838106727600097 +3.293059066626044,1.8079996794935256,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644 +3.596096454261947,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644 +3.32134069710734,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644 +3.4174865992017347,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644 +3.360532780868397,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644 +3.189303374306193,1.9686166663806905,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9686166663806905,1.45427668094635,1.5631612241268158,0.5651645422615903,4.243567223350207,5.437580108642578 +3.4153943399955224,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9686166663806905,1.45427668094635,1.5631612241268158,0.5651645422615903,4.243567223350207,5.437580108642578 +3.316916408572631,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9686166663806905,1.45427668094635,1.5631612241268158,0.5651645422615903,4.243567223350207,5.437580108642578 +3.4698698793127543,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9686166663806905,1.45427668094635,1.5631612241268158,0.5651645422615903,4.243567223350207,5.437580108642578 +3.33111020268032,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9686166663806905,1.45427668094635,1.5631612241268158,0.5651645422615903,4.243567223350207,5.437580108642578 +3.568375255745445,2.2924194769569173,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2924194769569173,1.7706729173660278,1.8864623606204987,0.8369171536983327,4.5397717754046125,6.0381898880004865 +3.2658911279567313,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2924194769569173,1.7706729173660278,1.8864623606204987,0.8369171536983327,4.5397717754046125,6.0381898880004865 +3.4027290492856723,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2924194769569173,1.7706729173660278,1.8864623606204987,0.8369171536983327,4.5397717754046125,6.0381898880004865 +3.443554759969183,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2924194769569173,1.7706729173660278,1.8864623606204987,0.8369171536983327,4.5397717754046125,6.0381898880004865 +3.3158297306590154,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2924194769569173,1.7706729173660278,1.8864623606204987,0.8369171536983327,4.5397717754046125,6.0381898880004865 +3.234959368655424,2.058023834196979,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.058023834196979,1.6792300939559937,1.816842794418335,0.6486001820006269,4.022271876533826,4.53512897491455 +3.05323569136512,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.058023834196979,1.6792300939559937,1.816842794418335,0.6486001820006269,4.022271876533826,4.53512897491455 +3.2632375539410714,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.058023834196979,1.6792300939559937,1.816842794418335,0.6486001820006269,4.022271876533826,4.53512897491455 +3.374462876282141,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.058023834196979,1.6792300939559937,1.816842794418335,0.6486001820006269,4.022271876533826,4.53512897491455 +3.2574177210202,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.058023834196979,1.6792300939559937,1.816842794418335,0.6486001820006269,4.022271876533826,4.53512897491455 +3.5894382656957355,2.173450699204175,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.173450699204175,1.8082937002182007,1.8890638649463654,0.8275127853167817,4.116901382803917,4.686731147766112 +3.3009818104491386,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.173450699204175,1.8082937002182007,1.8890638649463654,0.8275127853167817,4.116901382803917,4.686731147766112 +3.4940503490474417,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.173450699204175,1.8082937002182007,1.8890638649463654,0.8275127853167817,4.116901382803917,4.686731147766112 +3.210949464295659,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.173450699204175,1.8082937002182007,1.8890638649463654,0.8275127853167817,4.116901382803917,4.686731147766112 +3.4132064172609815,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.173450699204175,1.8082937002182007,1.8890638649463654,0.8275127853167817,4.116901382803917,4.686731147766112 +3.2493066580518883,2.2132454177059193,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2132454177059193,1.8106728792190552,1.908824473619461,1.0541410217893885,3.995946149031321,4.4622637748718255 +3.199086957584113,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2132454177059193,1.8106728792190552,1.908824473619461,1.0541410217893885,3.995946149031321,4.4622637748718255 +3.2831033257113913,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2132454177059193,1.8106728792190552,1.908824473619461,1.0541410217893885,3.995946149031321,4.4622637748718255 +3.3212153731518494,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2132454177059193,1.8106728792190552,1.908824473619461,1.0541410217893885,3.995946149031321,4.4622637748718255 +3.5218550024215025,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2132454177059193,1.8106728792190552,1.908824473619461,1.0541410217893885,3.995946149031321,4.4622637748718255 +3.42829906677036,1.864173688506954,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.864173688506954,1.4930521249771118,1.5574440956115723,0.49751299461151693,3.8887329548597336,4.900292301177977 +3.3758711379837236,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.864173688506954,1.4930521249771118,1.5574440956115723,0.49751299461151693,3.8887329548597336,4.900292301177977 +3.261709777829987,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.864173688506954,1.4930521249771118,1.5574440956115723,0.49751299461151693,3.8887329548597336,4.900292301177977 +3.4268671861188706,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.864173688506954,1.4930521249771118,1.5574440956115723,0.49751299461151693,3.8887329548597336,4.900292301177977 +3.641119640153442,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.864173688506954,1.4930521249771118,1.5574440956115723,0.49751299461151693,3.8887329548597336,4.900292301177977 +3.4139972351157257,3.4310118177580455,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,3.4310118177580455,2.886629343032837,3.0060766637325287,1.4084704848046,6.397746711969376,8.174283027648926 +3.519638882011254,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,3.4310118177580455,2.886629343032837,3.0060766637325287,1.4084704848046,6.397746711969376,8.174283027648926 +3.2111061025499352,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,3.4310118177580455,2.886629343032837,3.0060766637325287,1.4084704848046,6.397746711969376,8.174283027648926 +3.3405266099444795,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,3.4310118177580455,2.886629343032837,3.0060766637325287,1.4084704848046,6.397746711969376,8.174283027648926 +3.431041229113268,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,3.4310118177580455,2.886629343032837,3.0060766637325287,1.4084704848046,6.397746711969376,8.174283027648926 +3.3948389763174713,1.9720106847860195,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9720106847860195,1.5702238082885742,1.6076077967882156,0.46288134601522,4.266911948720614,5.68691291809082 +3.2517306027358943,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9720106847860195,1.5702238082885742,1.6076077967882156,0.46288134601522,4.266911948720614,5.68691291809082 +3.2584099392934966,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9720106847860195,1.5702238082885742,1.6076077967882156,0.46288134601522,4.266911948720614,5.68691291809082 +3.345016029803451,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9720106847860195,1.5702238082885742,1.6076077967882156,0.46288134601522,4.266911948720614,5.68691291809082 +3.3724815347735673,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9720106847860195,1.5702238082885742,1.6076077967882156,0.46288134601522,4.266911948720614,5.68691291809082 +3.101488280382823,2.2720179771856657,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2720179771856657,1.8206970691680908,1.9371485114097595,0.7615423885748741,4.483366956313451,5.506239318847657 +3.4146068532973293,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2720179771856657,1.8206970691680908,1.9371485114097595,0.7615423885748741,4.483366956313451,5.506239318847657 +3.2970685377363163,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2720179771856657,1.8206970691680908,1.9371485114097595,0.7615423885748741,4.483366956313451,5.506239318847657 +2.9921353208318866,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2720179771856657,1.8206970691680908,1.9371485114097595,0.7615423885748741,4.483366956313451,5.506239318847657 +3.414963522989863,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2720179771856657,1.8206970691680908,1.9371485114097595,0.7615423885748741,4.483366956313451,5.506239318847657 +3.319987969930065,1.9318480334742358,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9318480334742358,1.3788496255874634,1.5015440881252289,0.5088263347427896,4.191059082746506,5.199239063262938 +3.4935788836595565,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9318480334742358,1.3788496255874634,1.5015440881252289,0.5088263347427896,4.191059082746506,5.199239063262938 +3.504693884412343,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9318480334742358,1.3788496255874634,1.5015440881252289,0.5088263347427896,4.191059082746506,5.199239063262938 +3.3052323340858507,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9318480334742358,1.3788496255874634,1.5015440881252289,0.5088263347427896,4.191059082746506,5.199239063262938 +3.4891194677604536,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9318480334742358,1.3788496255874634,1.5015440881252289,0.5088263347427896,4.191059082746506,5.199239063262938 +3.3306043669974583,2.3289992045709695,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3289992045709695,1.9682159423828125,2.0048604607582092,1.088307502263404,4.230654756228129,5.206059360504149 +3.3610578662565955,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3289992045709695,1.9682159423828125,2.0048604607582092,1.088307502263404,4.230654756228129,5.206059360504149 +3.4056906583362645,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3289992045709695,1.9682159423828125,2.0048604607582092,1.088307502263404,4.230654756228129,5.206059360504149 +3.2913449515532065,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3289992045709695,1.9682159423828125,2.0048604607582092,1.088307502263404,4.230654756228129,5.206059360504149 +3.686344675385543,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3289992045709695,1.9682159423828125,2.0048604607582092,1.088307502263404,4.230654756228129,5.206059360504149 +3.4907011494315707,1.822759721763235,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.822759721763235,1.3553746938705444,1.4647335559129715,0.5531428841517326,3.7794164518515267,4.477413845062255 +3.2741050748719704,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.822759721763235,1.3553746938705444,1.4647335559129715,0.5531428841517326,3.7794164518515267,4.477413845062255 +3.5063723518972663,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.822759721763235,1.3553746938705444,1.4647335559129715,0.5531428841517326,3.7794164518515267,4.477413845062255 +3.2430187196207862,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.822759721763235,1.3553746938705444,1.4647335559129715,0.5531428841517326,3.7794164518515267,4.477413845062255 +3.42077879627336,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.822759721763235,1.3553746938705444,1.4647335559129715,0.5531428841517326,3.7794164518515267,4.477413845062255 +3.346235359878842,2.41640260354394,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.41640260354394,1.9282350540161133,2.035980850458145,0.6792588435271953,5.048974787195523,6.522874736785888 +3.3392645290470373,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.41640260354394,1.9282350540161133,2.035980850458145,0.6792588435271953,5.048974787195523,6.522874736785888 +3.416469151001807,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.41640260354394,1.9282350540161133,2.035980850458145,0.6792588435271953,5.048974787195523,6.522874736785888 +3.4608710104289973,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.41640260354394,1.9282350540161133,2.035980850458145,0.6792588435271953,5.048974787195523,6.522874736785888 +3.34374238137834,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.41640260354394,1.9282350540161133,2.035980850458145,0.6792588435271953,5.048974787195523,6.522874736785888 +3.6389562104457602,2.9157657534987838,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.9157657534987838,2.4851436614990234,2.5701293647289276,1.258998467567119,5.265666867295901,6.426691341400146 +3.1555150564474923,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.9157657534987838,2.4851436614990234,2.5701293647289276,1.258998467567119,5.265666867295901,6.426691341400146 +3.3989132518700687,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.9157657534987838,2.4851436614990234,2.5701293647289276,1.258998467567119,5.265666867295901,6.426691341400146 +3.253344956166197,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.9157657534987838,2.4851436614990234,2.5701293647289276,1.258998467567119,5.265666867295901,6.426691341400146 +3.4994628700700474,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.9157657534987838,2.4851436614990234,2.5701293647289276,1.258998467567119,5.265666867295901,6.426691341400146 +3.32701955794659,1.96431328726824,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.96431328726824,1.5149116516113281,1.607634261250496,0.48234673890661683,4.2134714523951216,5.196786880493162 +3.259624000589577,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.96431328726824,1.5149116516113281,1.607634261250496,0.48234673890661683,4.2134714523951216,5.196786880493162 +3.3163593241006213,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.96431328726824,1.5149116516113281,1.607634261250496,0.48234673890661683,4.2134714523951216,5.196786880493162 +3.3617843226148776,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.96431328726824,1.5149116516113281,1.607634261250496,0.48234673890661683,4.2134714523951216,5.196786880493162 +3.2077330567709375,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.96431328726824,1.5149116516113281,1.607634261250496,0.48234673890661683,4.2134714523951216,5.196786880493162 +3.391398348209097,2.0133379654042303,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0133379654042303,1.4272475242614746,1.561237782239914,0.4826677024681517,4.5026989082495374,5.734732913970944 +3.202841381127098,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0133379654042303,1.4272475242614746,1.561237782239914,0.4826677024681517,4.5026989082495374,5.734732913970944 +3.4113306968146073,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0133379654042303,1.4272475242614746,1.561237782239914,0.4826677024681517,4.5026989082495374,5.734732913970944 +3.1656851042307776,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0133379654042303,1.4272475242614746,1.561237782239914,0.4826677024681517,4.5026989082495374,5.734732913970944 +3.2886041829799915,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0133379654042303,1.4272475242614746,1.561237782239914,0.4826677024681517,4.5026989082495374,5.734732913970944 +3.362187329807508,2.3077847236994082,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3077847236994082,1.9785304069519043,2.048459440469742,0.8959649515912887,4.240490307410558,4.973632335662841 +3.4384154794949024,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3077847236994082,1.9785304069519043,2.048459440469742,0.8959649515912887,4.240490307410558,4.973632335662841 +3.0322414074181565,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3077847236994082,1.9785304069519043,2.048459440469742,0.8959649515912887,4.240490307410558,4.973632335662841 +3.228682162127111,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3077847236994082,1.9785304069519043,2.048459440469742,0.8959649515912887,4.240490307410558,4.973632335662841 +3.2231882228503754,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3077847236994082,1.9785304069519043,2.048459440469742,0.8959649515912887,4.240490307410558,4.973632335662841 +3.469945228862574,1.9959471231257473,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9959471231257473,1.5323792695999146,1.6688628494739532,0.5811003798500021,4.158746277292569,5.168100261688231 +3.359045925901559,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9959471231257473,1.5323792695999146,1.6688628494739532,0.5811003798500021,4.158746277292569,5.168100261688231 +3.474453043300747,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9959471231257473,1.5323792695999146,1.6688628494739532,0.5811003798500021,4.158746277292569,5.168100261688231 +3.6251433558742416,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9959471231257473,1.5323792695999146,1.6688628494739532,0.5811003798500021,4.158746277292569,5.168100261688231 +3.273607484406563,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.9959471231257473,1.5323792695999146,1.6688628494739532,0.5811003798500021,4.158746277292569,5.168100261688231 +3.5446057403779596,2.597537472213387,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.597537472213387,2.3352320194244385,2.345660388469696,1.2743956919046158,4.394278650482495,5.120547199249266 +3.27603056828312,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.597537472213387,2.3352320194244385,2.345660388469696,1.2743956919046158,4.394278650482495,5.120547199249266 +3.181876959225119,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.597537472213387,2.3352320194244385,2.345660388469696,1.2743956919046158,4.394278650482495,5.120547199249266 +3.289599110689358,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.597537472213387,2.3352320194244385,2.345660388469696,1.2743956919046158,4.394278650482495,5.120547199249266 +3.200405248118894,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.597537472213387,2.3352320194244385,2.345660388469696,1.2743956919046158,4.394278650482495,5.120547199249266 +3.3114606009152445,2.3561111598733873,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3561111598733873,1.8302384614944458,1.952049732208252,0.7511836461564327,4.804270029067993,5.975078678131103 +3.2419446045459104,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3561111598733873,1.8302384614944458,1.952049732208252,0.7511836461564327,4.804270029067993,5.975078678131103 +3.535081540531722,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3561111598733873,1.8302384614944458,1.952049732208252,0.7511836461564327,4.804270029067993,5.975078678131103 +3.2885501968789854,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3561111598733873,1.8302384614944458,1.952049732208252,0.7511836461564327,4.804270029067993,5.975078678131103 +3.361245620926955,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3561111598733873,1.8302384614944458,1.952049732208252,0.7511836461564327,4.804270029067993,5.975078678131103 +3.5963581562985847,1.8957051924139103,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8957051924139103,1.4306710958480835,1.4792895764112473,0.5311903481153731,4.109095563491185,4.975820827484131 +3.3526982518802533,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8957051924139103,1.4306710958480835,1.4792895764112473,0.5311903481153731,4.109095563491185,4.975820827484131 +3.0974009138455805,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8957051924139103,1.4306710958480835,1.4792895764112473,0.5311903481153731,4.109095563491185,4.975820827484131 +3.4201523140662577,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8957051924139103,1.4306710958480835,1.4792895764112473,0.5311903481153731,4.109095563491185,4.975820827484131 +3.290640639991433,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8957051924139103,1.4306710958480835,1.4792895764112473,0.5311903481153731,4.109095563491185,4.975820827484131 +3.279189802431022,2.026393562555313,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.026393562555313,1.7082314491271973,1.7322919368743896,0.655993715879765,4.043895969788234,5.065903472900391 +3.193437518733787,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.026393562555313,1.7082314491271973,1.7322919368743896,0.655993715879765,4.043895969788234,5.065903472900391 +3.3482411626264414,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.026393562555313,1.7082314491271973,1.7322919368743896,0.655993715879765,4.043895969788234,5.065903472900391 +3.1706036160992443,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.026393562555313,1.7082314491271973,1.7322919368743896,0.655993715879765,4.043895969788234,5.065903472900391 +3.3172597318573174,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.026393562555313,1.7082314491271973,1.7322919368743896,0.655993715879765,4.043895969788234,5.065903472900391 +3.556604702094457,2.7087258369361282,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.7087258369361282,2.1948153972625732,2.278360366821289,0.7680332524345276,5.552958264946938,7.103079414367675 +3.1828854543631184,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.7087258369361282,2.1948153972625732,2.278360366821289,0.7680332524345276,5.552958264946938,7.103079414367675 +3.312482699594586,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.7087258369361282,2.1948153972625732,2.278360366821289,0.7680332524345276,5.552958264946938,7.103079414367675 +3.1499252859355593,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.7087258369361282,2.1948153972625732,2.278360366821289,0.7680332524345276,5.552958264946938,7.103079414367675 +3.3231078316519,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.7087258369361282,2.1948153972625732,2.278360366821289,0.7680332524345276,5.552958264946938,7.103079414367675 +3.144554698530162,2.0650737616750927,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0650737616750927,1.7474207878112793,1.7981899082660675,0.7397700535490158,3.901229282220205,4.63972282409668 +3.133432756470502,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0650737616750927,1.7474207878112793,1.7981899082660675,0.7397700535490158,3.901229282220205,4.63972282409668 +3.3797047936350184,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0650737616750927,1.7474207878112793,1.7981899082660675,0.7397700535490158,3.901229282220205,4.63972282409668 +3.134440409358699,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0650737616750927,1.7474207878112793,1.7981899082660675,0.7397700535490158,3.901229282220205,4.63972282409668 +3.4141893133049277,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0650737616750927,1.7474207878112793,1.7981899082660675,0.7397700535490158,3.901229282220205,4.63972282409668 +3.3213853678791376,2.3842754778723236,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3842754778723236,2.1314809322357178,2.1465772092342377,1.0672163703340165,4.158189013600349,4.790470981597899 +3.3215756024133247,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3842754778723236,2.1314809322357178,2.1465772092342377,1.0672163703340165,4.158189013600349,4.790470981597899 +3.0191896920311105,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3842754778723236,2.1314809322357178,2.1465772092342377,1.0672163703340165,4.158189013600349,4.790470981597899 +3.2531687703209693,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3842754778723236,2.1314809322357178,2.1465772092342377,1.0672163703340165,4.158189013600349,4.790470981597899 +3.2117646643621627,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.3842754778723236,2.1314809322357178,2.1465772092342377,1.0672163703340165,4.158189013600349,4.790470981597899 +3.181404278724206,1.8904693549666456,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8904693549666456,1.4269732236862183,1.5119347125291824,0.5976911860894649,3.9861033310492835,4.671748065948486 +3.223154280816345,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8904693549666456,1.4269732236862183,1.5119347125291824,0.5976911860894649,3.9861033310492835,4.671748065948486 +3.3222833173570656,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8904693549666456,1.4269732236862183,1.5119347125291824,0.5976911860894649,3.9861033310492835,4.671748065948486 +2.9325099830813017,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8904693549666456,1.4269732236862183,1.5119347125291824,0.5976911860894649,3.9861033310492835,4.671748065948486 +3.221477707725087,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8904693549666456,1.4269732236862183,1.5119347125291824,0.5976911860894649,3.9861033310492835,4.671748065948486 +3.198308883505163,2.122075381457175,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.122075381457175,1.4658033847808838,1.6260156333446503,0.550932580010688,4.772315750519435,6.319830799102781 +3.2445551968501554,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.122075381457175,1.4658033847808838,1.6260156333446503,0.550932580010688,4.772315750519435,6.319830799102781 +3.042120227634435,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.122075381457175,1.4658033847808838,1.6260156333446503,0.550932580010688,4.772315750519435,6.319830799102781 +3.1428886972623324,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.122075381457175,1.4658033847808838,1.6260156333446503,0.550932580010688,4.772315750519435,6.319830799102781 +3.1338147022478813,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.122075381457175,1.4658033847808838,1.6260156333446503,0.550932580010688,4.772315750519435,6.319830799102781 +3.356314951617831,2.0749008177764834,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0749008177764834,1.6283469200134277,1.787339687347412,0.9061580370081231,3.970859477917353,4.654934215545654 +3.323447975681451,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0749008177764834,1.6283469200134277,1.787339687347412,0.9061580370081231,3.970859477917353,4.654934215545654 +3.357402857186612,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0749008177764834,1.6283469200134277,1.787339687347412,0.9061580370081231,3.970859477917353,4.654934215545654 +3.3530736061545348,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0749008177764834,1.6283469200134277,1.787339687347412,0.9061580370081231,3.970859477917353,4.654934215545654 +3.273324321866979,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.0749008177764834,1.6283469200134277,1.787339687347412,0.9061580370081231,3.970859477917353,4.654934215545654 +3.4835886224357306,1.808924296663867,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.808924296663867,1.3513259887695312,1.4905882775783539,0.542799250084035,3.8629537175099053,4.668614196777342 +3.7337118023932767,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.808924296663867,1.3513259887695312,1.4905882775783539,0.542799250084035,3.8629537175099053,4.668614196777342 +3.278731171366093,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.808924296663867,1.3513259887695312,1.4905882775783539,0.542799250084035,3.8629537175099053,4.668614196777342 +3.3613912513513995,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.808924296663867,1.3513259887695312,1.4905882775783539,0.542799250084035,3.8629537175099053,4.668614196777342 +3.5197896446275836,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.808924296663867,1.3513259887695312,1.4905882775783539,0.542799250084035,3.8629537175099053,4.668614196777342 +3.232108322171234,2.4535733967546434,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.4535733967546434,2.2817330360412598,2.289154291152954,1.0337915097145325,4.234565312663714,4.951714134216308 +3.2173915475135115,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.4535733967546434,2.2817330360412598,2.289154291152954,1.0337915097145325,4.234565312663714,4.951714134216308 +3.2738289470958835,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.4535733967546434,2.2817330360412598,2.289154291152954,1.0337915097145325,4.234565312663714,4.951714134216308 +3.1850312600664226,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.4535733967546434,2.2817330360412598,2.289154291152954,1.0337915097145325,4.234565312663714,4.951714134216308 +3.421317355692544,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.4535733967546434,2.2817330360412598,2.289154291152954,1.0337915097145325,4.234565312663714,4.951714134216308 +3.214334227400279,2.1337735583542514,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1337735583542514,1.607177734375,1.7211745232343674,0.6557995233129947,4.4519636034965515,5.419658088684081 +3.2763860760979098,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1337735583542514,1.607177734375,1.7211745232343674,0.6557995233129947,4.4519636034965515,5.419658088684081 +3.2672616708483107,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1337735583542514,1.607177734375,1.7211745232343674,0.6557995233129947,4.4519636034965515,5.419658088684081 +3.1416230891342214,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1337735583542514,1.607177734375,1.7211745232343674,0.6557995233129947,4.4519636034965515,5.419658088684081 +3.254085711407473,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1337735583542514,1.607177734375,1.7211745232343674,0.6557995233129947,4.4519636034965515,5.419658088684081 +3.461907052584877,1.8128230170046211,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8128230170046211,1.3963371515274048,1.533052608370781,0.46359472404769125,3.8625862995783486,4.5824090957641594 +3.1005389261057004,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8128230170046211,1.3963371515274048,1.533052608370781,0.46359472404769125,3.8625862995783486,4.5824090957641594 +3.118915994968609,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8128230170046211,1.3963371515274048,1.533052608370781,0.46359472404769125,3.8625862995783486,4.5824090957641594 +3.320421166108592,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8128230170046211,1.3963371515274048,1.533052608370781,0.46359472404769125,3.8625862995783486,4.5824090957641594 +3.1884285695752554,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,1.8128230170046211,1.3963371515274048,1.533052608370781,0.46359472404769125,3.8625862995783486,4.5824090957641594 +2.982217577091937,2.1593532939121207,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1593532939121207,1.786626935005188,1.8756036758422852,0.7356088434128051,4.214035461346309,5.182525634765623 +3.1347828746077884,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1593532939121207,1.786626935005188,1.8756036758422852,0.7356088434128051,4.214035461346309,5.182525634765623 +3.216621287186731,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1593532939121207,1.786626935005188,1.8756036758422852,0.7356088434128051,4.214035461346309,5.182525634765623 +3.1662570330115294,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1593532939121207,1.786626935005188,1.8756036758422852,0.7356088434128051,4.214035461346309,5.182525634765623 +3.1932979855971473,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.1593532939121207,1.786626935005188,1.8756036758422852,0.7356088434128051,4.214035461346309,5.182525634765623 +3.49922943693195,2.2606762080359712,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2606762080359712,1.8858517408370972,1.947731226682663,0.5256431281883666,4.751564651727676,5.804510021209715 +3.4208633358489555,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2606762080359712,1.8858517408370972,1.947731226682663,0.5256431281883666,4.751564651727676,5.804510021209715 +3.445488967335633,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2606762080359712,1.8858517408370972,1.947731226682663,0.5256431281883666,4.751564651727676,5.804510021209715 +3.110466610551824,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2606762080359712,1.8858517408370972,1.947731226682663,0.5256431281883666,4.751564651727676,5.804510021209715 +3.494024158389084,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.2606762080359712,1.8858517408370972,1.947731226682663,0.5256431281883666,4.751564651727676,5.804510021209715 +3.519774371507457,2.04985015827512,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.04985015827512,1.6658916473388672,1.719551146030426,0.6383981920303182,4.15217565993468,4.739486026763916 +3.3717602028813713,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.04985015827512,1.6658916473388672,1.719551146030426,0.6383981920303182,4.15217565993468,4.739486026763916 +3.2150476419202256,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.04985015827512,1.6658916473388672,1.719551146030426,0.6383981920303182,4.15217565993468,4.739486026763916 +3.2943621459453905,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.04985015827512,1.6658916473388672,1.719551146030426,0.6383981920303182,4.15217565993468,4.739486026763916 +3.317149728418655,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.04985015827512,1.6658916473388672,1.719551146030426,0.6383981920303182,4.15217565993468,4.739486026763916 +3.220707063172455,2.533421190090911,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.533421190090911,2.1432018280029297,2.255871206521988,1.0229715251542153,4.615522185961406,5.3931478500366214 +3.361974815501387,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.533421190090911,2.1432018280029297,2.255871206521988,1.0229715251542153,4.615522185961406,5.3931478500366214 +3.256230867494851,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.533421190090911,2.1432018280029297,2.255871206521988,1.0229715251542153,4.615522185961406,5.3931478500366214 +3.151899712007876,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.533421190090911,2.1432018280029297,2.255871206521988,1.0229715251542153,4.615522185961406,5.3931478500366214 +3.3131748981243074,0,1.8079996794935256,1.388184905052185,1.485843226313591,0.4294752941486683,3.9867957482735314,4.858320808410644,2.533421190090911,2.1432018280029297,2.255871206521988,1.0229715251542153,4.615522185961406,5.3931478500366214 +3.284921248151004,1.7595075746140783,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832 +3.356627100886959,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832 +3.250297533864239,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832 +3.277307864956774,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832 +3.157501171556815,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832 +3.22068962146157,2.59999507176813,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.59999507176813,2.2940521240234375,2.383770227432251,1.0511223857707166,4.552366053064664,5.153894710540769 +3.0994642330505604,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.59999507176813,2.2940521240234375,2.383770227432251,1.0511223857707166,4.552366053064664,5.153894710540769 +3.157205632501982,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.59999507176813,2.2940521240234375,2.383770227432251,1.0511223857707166,4.552366053064664,5.153894710540769 +3.476081852371114,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.59999507176813,2.2940521240234375,2.383770227432251,1.0511223857707166,4.552366053064664,5.153894710540769 +3.163992804929732,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.59999507176813,2.2940521240234375,2.383770227432251,1.0511223857707166,4.552366053064664,5.153894710540769 +3.4856199614094243,2.7397437278161605,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.7397437278161605,2.3337230682373047,2.467018336057663,0.8168005231530109,5.247203901410103,6.749135971069335 +3.2491558972441426,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.7397437278161605,2.3337230682373047,2.467018336057663,0.8168005231530109,5.247203901410103,6.749135971069335 +3.2050759584537283,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.7397437278161605,2.3337230682373047,2.467018336057663,0.8168005231530109,5.247203901410103,6.749135971069335 +3.11111973764714,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.7397437278161605,2.3337230682373047,2.467018336057663,0.8168005231530109,5.247203901410103,6.749135971069335 +3.3288710263599506,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.7397437278161605,2.3337230682373047,2.467018336057663,0.8168005231530109,5.247203901410103,6.749135971069335 +3.1858858394394765,1.9673878539885794,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9673878539885794,1.566730260848999,1.6664573699235916,0.5409557408791907,4.038624256849289,4.802280235290527 +3.337205046576529,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9673878539885794,1.566730260848999,1.6664573699235916,0.5409557408791907,4.038624256849289,4.802280235290527 +3.2646054740120363,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9673878539885794,1.566730260848999,1.6664573699235916,0.5409557408791907,4.038624256849289,4.802280235290527 +3.49743124013054,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9673878539885794,1.566730260848999,1.6664573699235916,0.5409557408791907,4.038624256849289,4.802280235290527 +3.3817443605070063,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9673878539885794,1.566730260848999,1.6664573699235916,0.5409557408791907,4.038624256849289,4.802280235290527 +3.2165998790737507,2.200638790491712,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.200638790491712,1.6763139963150024,1.7822845876216888,0.6215290460497775,4.621070976058642,5.918166065216064 +3.073260721005991,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.200638790491712,1.6763139963150024,1.7822845876216888,0.6215290460497775,4.621070976058642,5.918166065216064 +3.562512180421472,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.200638790491712,1.6763139963150024,1.7822845876216888,0.6215290460497775,4.621070976058642,5.918166065216064 +3.497079602685956,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.200638790491712,1.6763139963150024,1.7822845876216888,0.6215290460497775,4.621070976058642,5.918166065216064 +3.2751315378222743,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.200638790491712,1.6763139963150024,1.7822845876216888,0.6215290460497775,4.621070976058642,5.918166065216064 +3.4090080870841297,1.9452217939117598,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9452217939117598,1.5443369150161743,1.600977748632431,0.6632097028988473,3.926006486018499,5.016163730621338 +3.2808300236480847,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9452217939117598,1.5443369150161743,1.600977748632431,0.6632097028988473,3.926006486018499,5.016163730621338 +3.413081847072277,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9452217939117598,1.5443369150161743,1.600977748632431,0.6632097028988473,3.926006486018499,5.016163730621338 +3.2199348149953857,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9452217939117598,1.5443369150161743,1.600977748632431,0.6632097028988473,3.926006486018499,5.016163730621338 +3.1506115937689048,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9452217939117598,1.5443369150161743,1.600977748632431,0.6632097028988473,3.926006486018499,5.016163730621338 +3.1481039684491927,2.6985427712006542,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6985427712006542,2.5090506076812744,2.5232881605625153,1.1874432119917362,4.658770581086476,5.182058525085449 +3.4096644676651677,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6985427712006542,2.5090506076812744,2.5232881605625153,1.1874432119917362,4.658770581086476,5.182058525085449 +3.4504897258880898,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6985427712006542,2.5090506076812744,2.5232881605625153,1.1874432119917362,4.658770581086476,5.182058525085449 +3.1304554258888504,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6985427712006542,2.5090506076812744,2.5232881605625153,1.1874432119917362,4.658770581086476,5.182058525085449 +3.4433975081133967,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6985427712006542,2.5090506076812744,2.5232881605625153,1.1874432119917362,4.658770581086476,5.182058525085449 +2.979804334331471,2.1388784533455256,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1388784533455256,1.8202669620513916,1.8877361416816711,0.6671306884035151,4.063188150525093,4.89226026535034 +3.18378319575557,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1388784533455256,1.8202669620513916,1.8877361416816711,0.6671306884035151,4.063188150525093,4.89226026535034 +3.6102298579933145,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1388784533455256,1.8202669620513916,1.8877361416816711,0.6671306884035151,4.063188150525093,4.89226026535034 +3.2261610591789034,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1388784533455256,1.8202669620513916,1.8877361416816711,0.6671306884035151,4.063188150525093,4.89226026535034 +3.351824145046576,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1388784533455256,1.8202669620513916,1.8877361416816711,0.6671306884035151,4.063188150525093,4.89226026535034 +3.1032236547929317,2.2932560301962353,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2932560301962353,1.8906193971633911,1.9687044322490692,0.9759476019981059,4.29808121919632,4.9627873420715325 +3.3170442373582745,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2932560301962353,1.8906193971633911,1.9687044322490692,0.9759476019981059,4.29808121919632,4.9627873420715325 +3.2195857077207917,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2932560301962353,1.8906193971633911,1.9687044322490692,0.9759476019981059,4.29808121919632,4.9627873420715325 +3.2742040051948424,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2932560301962353,1.8906193971633911,1.9687044322490692,0.9759476019981059,4.29808121919632,4.9627873420715325 +3.409778714238968,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2932560301962353,1.8906193971633911,1.9687044322490692,0.9759476019981059,4.29808121919632,4.9627873420715325 +3.1924341672682512,2.160951351756772,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.160951351756772,1.7350577116012573,1.8339110165834427,0.6759238525273952,4.4312423169612885,5.603458595275878 +3.140956165136322,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.160951351756772,1.7350577116012573,1.8339110165834427,0.6759238525273952,4.4312423169612885,5.603458595275878 +3.4858822050187395,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.160951351756772,1.7350577116012573,1.8339110165834427,0.6759238525273952,4.4312423169612885,5.603458595275878 +3.5982943060451573,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.160951351756772,1.7350577116012573,1.8339110165834427,0.6759238525273952,4.4312423169612885,5.603458595275878 +3.4456330680516905,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.160951351756772,1.7350577116012573,1.8339110165834427,0.6759238525273952,4.4312423169612885,5.603458595275878 +3.2704423050688565,2.522289177885762,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.522289177885762,2.269864797592163,2.2889395654201508,1.1612034915609564,4.312856008609136,5.096666622161866 +3.205284428195463,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.522289177885762,2.269864797592163,2.2889395654201508,1.1612034915609564,4.312856008609136,5.096666622161866 +3.288231371771692,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.522289177885762,2.269864797592163,2.2889395654201508,1.1612034915609564,4.312856008609136,5.096666622161866 +3.2385441407286084,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.522289177885762,2.269864797592163,2.2889395654201508,1.1612034915609564,4.312856008609136,5.096666622161866 +3.505278989633344,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.522289177885762,2.269864797592163,2.2889395654201508,1.1612034915609564,4.312856008609136,5.096666622161866 +3.338228153797127,2.018090399563628,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.018090399563628,1.4442845582962036,1.623178392648697,0.6605755816748802,4.25977744658788,5.398774433135985 +3.242821917114755,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.018090399563628,1.4442845582962036,1.623178392648697,0.6605755816748802,4.25977744658788,5.398774433135985 +3.283470291339628,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.018090399563628,1.4442845582962036,1.623178392648697,0.6605755816748802,4.25977744658788,5.398774433135985 +3.347125962180009,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.018090399563628,1.4442845582962036,1.623178392648697,0.6605755816748802,4.25977744658788,5.398774433135985 +3.303155721413429,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.018090399563628,1.4442845582962036,1.623178392648697,0.6605755816748802,4.25977744658788,5.398774433135985 +3.0313988116061155,2.4354298676526738,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.4354298676526738,2.086190938949585,2.169030398130417,0.8439006730914116,4.573049609859784,5.037571144104003 +3.0375350929580454,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.4354298676526738,2.086190938949585,2.169030398130417,0.8439006730914116,4.573049609859784,5.037571144104003 +3.4070280717985613,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.4354298676526738,2.086190938949585,2.169030398130417,0.8439006730914116,4.573049609859784,5.037571144104003 +3.297378634714514,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.4354298676526738,2.086190938949585,2.169030398130417,0.8439006730914116,4.573049609859784,5.037571144104003 +3.121254493878039,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.4354298676526738,2.086190938949585,2.169030398130417,0.8439006730914116,4.573049609859784,5.037571144104003 +3.4168899250573093,2.0629826073766386,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0629826073766386,1.7131506204605103,1.7851399779319763,0.6628115693939493,4.038670023282369,4.59213466644287 +3.2023346695783586,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0629826073766386,1.7131506204605103,1.7851399779319763,0.6628115693939493,4.038670023282369,4.59213466644287 +3.263115080019415,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0629826073766386,1.7131506204605103,1.7851399779319763,0.6628115693939493,4.038670023282369,4.59213466644287 +3.11737011679716,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0629826073766386,1.7131506204605103,1.7851399779319763,0.6628115693939493,4.038670023282369,4.59213466644287 +3.179825869666555,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0629826073766386,1.7131506204605103,1.7851399779319763,0.6628115693939493,4.038670023282369,4.59213466644287 +3.288487489195172,2.1513457720084164,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1513457720084164,1.8301315307617188,1.911193460226059,0.7336019578766315,4.144720961650212,5.003507041931152 +3.0059223338607746,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1513457720084164,1.8301315307617188,1.911193460226059,0.7336019578766315,4.144720961650212,5.003507041931152 +3.1663030156162923,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1513457720084164,1.8301315307617188,1.911193460226059,0.7336019578766315,4.144720961650212,5.003507041931152 +3.1844387311773437,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1513457720084164,1.8301315307617188,1.911193460226059,0.7336019578766315,4.144720961650212,5.003507041931152 +3.2419509239160607,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1513457720084164,1.8301315307617188,1.911193460226059,0.7336019578766315,4.144720961650212,5.003507041931152 +3.3808978791680375,1.8545462000701163,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8545462000701163,1.4855624437332153,1.5361372083425522,0.521948054908438,3.9013756612936654,4.803286075592041 +3.173904343259995,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8545462000701163,1.4855624437332153,1.5361372083425522,0.521948054908438,3.9013756612936654,4.803286075592041 +3.478680840661469,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8545462000701163,1.4855624437332153,1.5361372083425522,0.521948054908438,3.9013756612936654,4.803286075592041 +3.3751715546311676,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8545462000701163,1.4855624437332153,1.5361372083425522,0.521948054908438,3.9013756612936654,4.803286075592041 +3.284262546153842,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8545462000701163,1.4855624437332153,1.5361372083425522,0.521948054908438,3.9013756612936654,4.803286075592041 +3.085997866845068,2.29587926774744,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.29587926774744,1.9745696783065796,2.013292610645294,0.6973493666724956,4.498999287684758,5.337438774108884 +3.185940659769607,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.29587926774744,1.9745696783065796,2.013292610645294,0.6973493666724956,4.498999287684758,5.337438774108884 +3.341521944919488,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.29587926774744,1.9745696783065796,2.013292610645294,0.6973493666724956,4.498999287684758,5.337438774108884 +3.062091670222679,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.29587926774744,1.9745696783065796,2.013292610645294,0.6973493666724956,4.498999287684758,5.337438774108884 +3.3156014178390554,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.29587926774744,1.9745696783065796,2.013292610645294,0.6973493666724956,4.498999287684758,5.337438774108884 +3.2149260254050938,2.2107882537539045,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2107882537539045,1.5868362188339233,1.7479661256074905,0.6104694668282854,4.7841664254665375,6.231185722351074 +3.3858256297171274,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2107882537539045,1.5868362188339233,1.7479661256074905,0.6104694668282854,4.7841664254665375,6.231185722351074 +3.016750488675993,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2107882537539045,1.5868362188339233,1.7479661256074905,0.6104694668282854,4.7841664254665375,6.231185722351074 +3.259486386085563,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2107882537539045,1.5868362188339233,1.7479661256074905,0.6104694668282854,4.7841664254665375,6.231185722351074 +3.059605609655066,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2107882537539045,1.5868362188339233,1.7479661256074905,0.6104694668282854,4.7841664254665375,6.231185722351074 +3.3025530956115445,1.9436362100341333,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9436362100341333,1.550028681755066,1.6580135524272919,0.6588613650900252,3.9090605874856315,4.546037483215332 +3.0067225351418543,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9436362100341333,1.550028681755066,1.6580135524272919,0.6588613650900252,3.9090605874856315,4.546037483215332 +3.107288480748602,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9436362100341333,1.550028681755066,1.6580135524272919,0.6588613650900252,3.9090605874856315,4.546037483215332 +3.216575160249085,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9436362100341333,1.550028681755066,1.6580135524272919,0.6588613650900252,3.9090605874856315,4.546037483215332 +3.1317014485833514,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9436362100341333,1.550028681755066,1.6580135524272919,0.6588613650900252,3.9090605874856315,4.546037483215332 +3.069677037071427,2.0360945099324144,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0360945099324144,1.6689430475234985,1.7886881679296494,0.6242703194630906,3.9892384310563407,4.616862773895263 +3.1846943438289035,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0360945099324144,1.6689430475234985,1.7886881679296494,0.6242703194630906,3.9892384310563407,4.616862773895263 +3.1360234290872526,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0360945099324144,1.6689430475234985,1.7886881679296494,0.6242703194630906,3.9892384310563407,4.616862773895263 +3.4300346323006385,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0360945099324144,1.6689430475234985,1.7886881679296494,0.6242703194630906,3.9892384310563407,4.616862773895263 +3.3329138538768235,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0360945099324144,1.6689430475234985,1.7886881679296494,0.6242703194630906,3.9892384310563407,4.616862773895263 +3.158100046276417,1.9510985737439817,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9510985737439817,1.4006749391555786,1.599304050207138,0.5399809409963324,4.0757079521814985,4.6281361579895 +3.3782515248042926,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9510985737439817,1.4006749391555786,1.599304050207138,0.5399809409963324,4.0757079521814985,4.6281361579895 +2.9919903833900716,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9510985737439817,1.4006749391555786,1.599304050207138,0.5399809409963324,4.0757079521814985,4.6281361579895 +3.6379627010202658,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9510985737439817,1.4006749391555786,1.599304050207138,0.5399809409963324,4.0757079521814985,4.6281361579895 +3.1988775861058825,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9510985737439817,1.4006749391555786,1.599304050207138,0.5399809409963324,4.0757079521814985,4.6281361579895 +3.1048645991487995,1.8741465076094581,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8741465076094581,1.3935314416885376,1.5593698620796204,0.521324374891342,3.8794081856807074,4.719345569610595 +3.2510305131370285,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8741465076094581,1.3935314416885376,1.5593698620796204,0.521324374891342,3.8794081856807074,4.719345569610595 +3.0682835830547566,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8741465076094581,1.3935314416885376,1.5593698620796204,0.521324374891342,3.8794081856807074,4.719345569610595 +3.4053050069664272,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8741465076094581,1.3935314416885376,1.5593698620796204,0.521324374891342,3.8794081856807074,4.719345569610595 +3.0641389993218446,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8741465076094581,1.3935314416885376,1.5593698620796204,0.521324374891342,3.8794081856807074,4.719345569610595 +3.1858027752950826,1.9692505640642983,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9692505640642983,1.4773727655410767,1.5572454631328583,0.49365389917759184,4.27327594657739,5.306029415130615 +3.2735635227767017,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9692505640642983,1.4773727655410767,1.5572454631328583,0.49365389917759184,4.27327594657739,5.306029415130615 +3.295406568549711,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9692505640642983,1.4773727655410767,1.5572454631328583,0.49365389917759184,4.27327594657739,5.306029415130615 +3.1008390254662976,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9692505640642983,1.4773727655410767,1.5572454631328583,0.49365389917759184,4.27327594657739,5.306029415130615 +3.18324941559879,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9692505640642983,1.4773727655410767,1.5572454631328583,0.49365389917759184,4.27327594657739,5.306029415130615 +3.2449012881533137,2.5778513959948977,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.5778513959948977,1.8807600736618042,2.0723418295383453,0.7407022445125783,5.3968184640010195,6.5946664810180655 +3.468047335999465,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.5778513959948977,1.8807600736618042,2.0723418295383453,0.7407022445125783,5.3968184640010195,6.5946664810180655 +3.239930422057577,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.5778513959948977,1.8807600736618042,2.0723418295383453,0.7407022445125783,5.3968184640010195,6.5946664810180655 +3.504225985591833,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.5778513959948977,1.8807600736618042,2.0723418295383453,0.7407022445125783,5.3968184640010195,6.5946664810180655 +3.2441477211374092,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.5778513959948977,1.8807600736618042,2.0723418295383453,0.7407022445125783,5.3968184640010195,6.5946664810180655 +3.382193033035481,1.9506498348145258,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9506498348145258,1.4912160634994507,1.5498037934303284,0.5123213402768398,4.184159442782402,5.301711463928223 +3.2624531669989425,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9506498348145258,1.4912160634994507,1.5498037934303284,0.5123213402768398,4.184159442782402,5.301711463928223 +3.181271180058375,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9506498348145258,1.4912160634994507,1.5498037934303284,0.5123213402768398,4.184159442782402,5.301711463928223 +3.187020252534928,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9506498348145258,1.4912160634994507,1.5498037934303284,0.5123213402768398,4.184159442782402,5.301711463928223 +3.1223752834197716,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9506498348145258,1.4912160634994507,1.5498037934303284,0.5123213402768398,4.184159442782402,5.301711463928223 +3.1677241341301823,2.303554419644926,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.303554419644926,1.9393675327301025,2.0286589562892914,0.9651078829105865,4.285543009638786,5.061750030517578 +3.157387931755004,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.303554419644926,1.9393675327301025,2.0286589562892914,0.9651078829105865,4.285543009638786,5.061750030517578 +3.1824597526626723,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.303554419644926,1.9393675327301025,2.0286589562892914,0.9651078829105865,4.285543009638786,5.061750030517578 +3.1450490403065268,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.303554419644926,1.9393675327301025,2.0286589562892914,0.9651078829105865,4.285543009638786,5.061750030517578 +3.393853373019551,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.303554419644926,1.9393675327301025,2.0286589562892914,0.9651078829105865,4.285543009638786,5.061750030517578 +3.1252424798925507,2.0586456881550252,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0586456881550252,1.6793466806411743,1.7471455186605453,0.6158078875630459,4.1342863490184145,4.932681941986083 +3.3928533591389027,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0586456881550252,1.6793466806411743,1.7471455186605453,0.6158078875630459,4.1342863490184145,4.932681941986083 +3.0037301928984457,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0586456881550252,1.6793466806411743,1.7471455186605453,0.6158078875630459,4.1342863490184145,4.932681941986083 +3.28753391497997,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0586456881550252,1.6793466806411743,1.7471455186605453,0.6158078875630459,4.1342863490184145,4.932681941986083 +3.0176571836218358,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0586456881550252,1.6793466806411743,1.7471455186605453,0.6158078875630459,4.1342863490184145,4.932681941986083 +3.5183557545997224,1.865335359617516,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.865335359617516,1.3931101560592651,1.4924213886260986,0.5812540225526119,3.8811623603105545,4.714362049102783 +3.230859132468858,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.865335359617516,1.3931101560592651,1.4924213886260986,0.5812540225526119,3.8811623603105545,4.714362049102783 +3.2275500711948073,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.865335359617516,1.3931101560592651,1.4924213886260986,0.5812540225526119,3.8811623603105545,4.714362049102783 +3.2479200474819594,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.865335359617516,1.3931101560592651,1.4924213886260986,0.5812540225526119,3.8811623603105545,4.714362049102783 +3.4635571132863734,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.865335359617516,1.3931101560592651,1.4924213886260986,0.5812540225526119,3.8811623603105545,4.714362049102783 +3.0701943033210206,1.9767547320357706,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9767547320357706,1.6117980480194092,1.6458221822977066,0.5512623652181727,4.1382985065380735,4.8129230499267575 +3.19184167490471,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9767547320357706,1.6117980480194092,1.6458221822977066,0.5512623652181727,4.1382985065380735,4.8129230499267575 +3.368342299240403,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9767547320357706,1.6117980480194092,1.6458221822977066,0.5512623652181727,4.1382985065380735,4.8129230499267575 +3.1356284124358975,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9767547320357706,1.6117980480194092,1.6458221822977066,0.5512623652181727,4.1382985065380735,4.8129230499267575 +3.1760466392680335,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9767547320357706,1.6117980480194092,1.6458221822977066,0.5512623652181727,4.1382985065380735,4.8129230499267575 +3.097806003485317,2.1704966313151455,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1704966313151455,1.8050439357757568,1.9106382727622986,0.792786754509236,4.1469433556000395,4.538331317901611 +3.0563149235965708,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1704966313151455,1.8050439357757568,1.9106382727622986,0.792786754509236,4.1469433556000395,4.538331317901611 +3.3949925031385195,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1704966313151455,1.8050439357757568,1.9106382727622986,0.792786754509236,4.1469433556000395,4.538331317901611 +3.382982954520506,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1704966313151455,1.8050439357757568,1.9106382727622986,0.792786754509236,4.1469433556000395,4.538331317901611 +3.1212436029574486,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1704966313151455,1.8050439357757568,1.9106382727622986,0.792786754509236,4.1469433556000395,4.538331317901611 +3.185746063775626,2.016848004526562,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.016848004526562,1.6873682737350464,1.7629107236862183,0.7707439654685081,3.799723729491234,4.137550258636474 +3.48829066865441,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.016848004526562,1.6873682737350464,1.7629107236862183,0.7707439654685081,3.799723729491234,4.137550258636474 +3.423538111425484,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.016848004526562,1.6873682737350464,1.7629107236862183,0.7707439654685081,3.799723729491234,4.137550258636474 +3.2016005692978964,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.016848004526562,1.6873682737350464,1.7629107236862183,0.7707439654685081,3.799723729491234,4.137550258636474 +3.102816120635394,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.016848004526562,1.6873682737350464,1.7629107236862183,0.7707439654685081,3.799723729491234,4.137550258636474 +3.3326487694928386,1.978448068890622,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.978448068890622,1.4129159450531006,1.6292420327663422,0.594684844004347,4.217790936430295,4.889478683471679 +3.270636606224294,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.978448068890622,1.4129159450531006,1.6292420327663422,0.594684844004347,4.217790936430295,4.889478683471679 +3.532765952609774,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.978448068890622,1.4129159450531006,1.6292420327663422,0.594684844004347,4.217790936430295,4.889478683471679 +3.2713582168350435,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.978448068890622,1.4129159450531006,1.6292420327663422,0.594684844004347,4.217790936430295,4.889478683471679 +3.1402149915813142,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.978448068890622,1.4129159450531006,1.6292420327663422,0.594684844004347,4.217790936430295,4.889478683471679 +3.166218302613198,2.239994972313523,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.239994972313523,1.8907229900360107,1.9659930169582367,0.8825336333284987,4.136958887179692,4.726034164428711 +3.231461115004519,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.239994972313523,1.8907229900360107,1.9659930169582367,0.8825336333284987,4.136958887179692,4.726034164428711 +3.321343033306674,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.239994972313523,1.8907229900360107,1.9659930169582367,0.8825336333284987,4.136958887179692,4.726034164428711 +3.257310176489378,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.239994972313523,1.8907229900360107,1.9659930169582367,0.8825336333284987,4.136958887179692,4.726034164428711 +3.1909133618928514,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.239994972313523,1.8907229900360107,1.9659930169582367,0.8825336333284987,4.136958887179692,4.726034164428711 +3.3483004774455973,1.9081988601142137,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9081988601142137,1.4476679563522339,1.5567982345819473,0.5838525770826543,4.039443403482437,4.7034620285034165 +3.115229767828315,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9081988601142137,1.4476679563522339,1.5567982345819473,0.5838525770826543,4.039443403482437,4.7034620285034165 +3.1698288522208586,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9081988601142137,1.4476679563522339,1.5567982345819473,0.5838525770826543,4.039443403482437,4.7034620285034165 +3.136603443418927,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9081988601142137,1.4476679563522339,1.5567982345819473,0.5838525770826543,4.039443403482437,4.7034620285034165 +2.8117000714612823,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9081988601142137,1.4476679563522339,1.5567982345819473,0.5838525770826543,4.039443403482437,4.7034620285034165 +3.561013911872866,2.1080838113865523,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1080838113865523,1.6253397464752197,1.7426888048648834,0.874937633250622,4.095265582203865,5.090159320831298 +3.1511899882382015,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1080838113865523,1.6253397464752197,1.7426888048648834,0.874937633250622,4.095265582203865,5.090159320831298 +3.3125455626790314,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1080838113865523,1.6253397464752197,1.7426888048648834,0.874937633250622,4.095265582203865,5.090159320831298 +3.260610721867758,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1080838113865523,1.6253397464752197,1.7426888048648834,0.874937633250622,4.095265582203865,5.090159320831298 +3.283307050534163,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1080838113865523,1.6253397464752197,1.7426888048648834,0.874937633250622,4.095265582203865,5.090159320831298 +3.1881327644816175,2.3038031556618908,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3038031556618908,2.1115543842315674,2.1333566308021545,0.9234749586024182,4.013870666424434,4.659009265899657 +3.2234958120103245,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3038031556618908,2.1115543842315674,2.1333566308021545,0.9234749586024182,4.013870666424434,4.659009265899657 +3.2356265050833333,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3038031556618908,2.1115543842315674,2.1333566308021545,0.9234749586024182,4.013870666424434,4.659009265899657 +3.1865189227233777,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3038031556618908,2.1115543842315674,2.1333566308021545,0.9234749586024182,4.013870666424434,4.659009265899657 +3.2474075091467056,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3038031556618908,2.1115543842315674,2.1333566308021545,0.9234749586024182,4.013870666424434,4.659009265899657 +3.3932494234912944,2.577192289961709,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.577192289961709,2.2790725231170654,2.303354412317276,1.3701951472049063,4.366958821813266,5.0856669425964345 +3.154493593446183,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.577192289961709,2.2790725231170654,2.303354412317276,1.3701951472049063,4.366958821813266,5.0856669425964345 +3.238486362046176,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.577192289961709,2.2790725231170654,2.303354412317276,1.3701951472049063,4.366958821813266,5.0856669425964345 +3.3606415205785027,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.577192289961709,2.2790725231170654,2.303354412317276,1.3701951472049063,4.366958821813266,5.0856669425964345 +3.2390885001200798,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.577192289961709,2.2790725231170654,2.303354412317276,1.3701951472049063,4.366958821813266,5.0856669425964345 +2.9190896526175627,1.8796494254280651,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8796494254280651,1.4102821350097656,1.4945038259029388,0.5016796872653859,4.0229183584451675,5.074526119232178 +3.1940237802101943,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8796494254280651,1.4102821350097656,1.4945038259029388,0.5016796872653859,4.0229183584451675,5.074526119232178 +3.120849400070695,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8796494254280651,1.4102821350097656,1.4945038259029388,0.5016796872653859,4.0229183584451675,5.074526119232178 +3.0897547237004956,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8796494254280651,1.4102821350097656,1.4945038259029388,0.5016796872653859,4.0229183584451675,5.074526119232178 +3.291034142897123,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8796494254280651,1.4102821350097656,1.4945038259029388,0.5016796872653859,4.0229183584451675,5.074526119232178 +3.205767292657125,2.027948531563635,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.027948531563635,1.4342230558395386,1.6576627492904663,0.5354978164776842,4.32255191107591,5.079925251007079 +3.4021410560112515,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.027948531563635,1.4342230558395386,1.6576627492904663,0.5354978164776842,4.32255191107591,5.079925251007079 +2.998073146769428,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.027948531563635,1.4342230558395386,1.6576627492904663,0.5354978164776842,4.32255191107591,5.079925251007079 +3.188584241003663,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.027948531563635,1.4342230558395386,1.6576627492904663,0.5354978164776842,4.32255191107591,5.079925251007079 +3.1944593549914915,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.027948531563635,1.4342230558395386,1.6576627492904663,0.5354978164776842,4.32255191107591,5.079925251007079 +3.210203803859474,2.861042464063281,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.861042464063281,2.5467586517333984,2.666240841150284,1.3340607773750386,4.9536314606666565,5.54397621154785 +3.036118791765462,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.861042464063281,2.5467586517333984,2.666240841150284,1.3340607773750386,4.9536314606666565,5.54397621154785 +3.317974140390872,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.861042464063281,2.5467586517333984,2.666240841150284,1.3340607773750386,4.9536314606666565,5.54397621154785 +3.0860387661290356,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.861042464063281,2.5467586517333984,2.666240841150284,1.3340607773750386,4.9536314606666565,5.54397621154785 +3.268373346010267,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.861042464063281,2.5467586517333984,2.666240841150284,1.3340607773750386,4.9536314606666565,5.54397621154785 +3.106098493438283,2.0735768166878237,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0735768166878237,1.7621419429779053,1.7933990061283112,0.6222565473711237,4.165760512153308,4.966110134124754 +3.332390494683959,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0735768166878237,1.7621419429779053,1.7933990061283112,0.6222565473711237,4.165760512153308,4.966110134124754 +2.913990213837976,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0735768166878237,1.7621419429779053,1.7933990061283112,0.6222565473711237,4.165760512153308,4.966110134124754 +3.200522943466194,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0735768166878237,1.7621419429779053,1.7933990061283112,0.6222565473711237,4.165760512153308,4.966110134124754 +3.018342102934314,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0735768166878237,1.7621419429779053,1.7933990061283112,0.6222565473711237,4.165760512153308,4.966110134124754 +3.258054175406773,1.9862085942316938,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9862085942316938,1.6189457178115845,1.729145959019661,0.49731770173666323,4.159266750017802,4.917276000976562 +2.971134156735717,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9862085942316938,1.6189457178115845,1.729145959019661,0.49731770173666323,4.159266750017802,4.917276000976562 +3.1697517021271673,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9862085942316938,1.6189457178115845,1.729145959019661,0.49731770173666323,4.159266750017802,4.917276000976562 +3.5626132336880096,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9862085942316938,1.6189457178115845,1.729145959019661,0.49731770173666323,4.159266750017802,4.917276000976562 +3.161396983195106,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9862085942316938,1.6189457178115845,1.729145959019661,0.49731770173666323,4.159266750017802,4.917276000976562 +3.255790835870602,2.3186584927496456,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3186584927496456,2.0542373657226562,2.0556731820106506,0.5977924486741106,4.5813892136017484,5.28725414276123 +2.9078354039929786,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3186584927496456,2.0542373657226562,2.0556731820106506,0.5977924486741106,4.5813892136017484,5.28725414276123 +3.066041753737939,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3186584927496456,2.0542373657226562,2.0556731820106506,0.5977924486741106,4.5813892136017484,5.28725414276123 +3.4767350960414767,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3186584927496456,2.0542373657226562,2.0556731820106506,0.5977924486741106,4.5813892136017484,5.28725414276123 +3.1082989039160016,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.3186584927496456,2.0542373657226562,2.0556731820106506,0.5977924486741106,4.5813892136017484,5.28725414276123 +3.231988321508141,1.8542874705775705,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8542874705775705,1.3900163173675537,1.511811077594757,0.4610460227791299,3.8267295211553574,4.7475381851196286 +3.198551719688803,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8542874705775705,1.3900163173675537,1.511811077594757,0.4610460227791299,3.8267295211553574,4.7475381851196286 +3.177340539196865,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8542874705775705,1.3900163173675537,1.511811077594757,0.4610460227791299,3.8267295211553574,4.7475381851196286 +3.2176397986179293,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8542874705775705,1.3900163173675537,1.511811077594757,0.4610460227791299,3.8267295211553574,4.7475381851196286 +3.2393406875883684,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8542874705775705,1.3900163173675537,1.511811077594757,0.4610460227791299,3.8267295211553574,4.7475381851196286 +3.1099166360961417,2.1714510545528753,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1714510545528753,1.7494354248046875,1.8458543419837952,0.9306700280372132,4.087942153215408,4.85157356262207 +3.2894955806650397,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1714510545528753,1.7494354248046875,1.8458543419837952,0.9306700280372132,4.087942153215408,4.85157356262207 +3.2211644990581005,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1714510545528753,1.7494354248046875,1.8458543419837952,0.9306700280372132,4.087942153215408,4.85157356262207 +3.1198854719664615,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1714510545528753,1.7494354248046875,1.8458543419837952,0.9306700280372132,4.087942153215408,4.85157356262207 +3.2901155312095907,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1714510545528753,1.7494354248046875,1.8458543419837952,0.9306700280372132,4.087942153215408,4.85157356262207 +3.135061397735708,2.1514509470847547,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1514509470847547,1.6368576288223267,1.7810278236865997,0.7082544270348041,4.360758021473885,5.526498508453368 +3.054889555224328,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1514509470847547,1.6368576288223267,1.7810278236865997,0.7082544270348041,4.360758021473885,5.526498508453368 +3.117853354181023,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1514509470847547,1.6368576288223267,1.7810278236865997,0.7082544270348041,4.360758021473885,5.526498508453368 +3.401393741841052,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1514509470847547,1.6368576288223267,1.7810278236865997,0.7082544270348041,4.360758021473885,5.526498508453368 +3.17015010377977,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1514509470847547,1.6368576288223267,1.7810278236865997,0.7082544270348041,4.360758021473885,5.526498508453368 +3.1141135076105124,2.1992159288317437,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1992159288317437,1.8849174976348877,1.9456897675991058,1.0094973513103547,3.843574201067289,4.544223499298095 +3.2346324048209003,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1992159288317437,1.8849174976348877,1.9456897675991058,1.0094973513103547,3.843574201067289,4.544223499298095 +3.2401806434965383,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1992159288317437,1.8849174976348877,1.9456897675991058,1.0094973513103547,3.843574201067289,4.544223499298095 +3.3679888953398276,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1992159288317437,1.8849174976348877,1.9456897675991058,1.0094973513103547,3.843574201067289,4.544223499298095 +3.1067970885764953,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.1992159288317437,1.8849174976348877,1.9456897675991058,1.0094973513103547,3.843574201067289,4.544223499298095 +3.0523811542185757,1.9819461055218228,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9819461055218228,1.5300787687301636,1.6064651161432266,0.5959657221398456,4.183045104146004,5.087219142913819 +3.0799401302608147,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9819461055218228,1.5300787687301636,1.6064651161432266,0.5959657221398456,4.183045104146004,5.087219142913819 +3.2188529151450047,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9819461055218228,1.5300787687301636,1.6064651161432266,0.5959657221398456,4.183045104146004,5.087219142913819 +2.9973215224874994,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9819461055218228,1.5300787687301636,1.6064651161432266,0.5959657221398456,4.183045104146004,5.087219142913819 +3.060240510703706,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9819461055218228,1.5300787687301636,1.6064651161432266,0.5959657221398456,4.183045104146004,5.087219142913819 +3.517809260449812,2.393574221582009,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.393574221582009,2.0146026611328125,2.1253773868083954,1.15769887287566,4.197387774785359,4.766846656799316 +3.1528620040117907,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.393574221582009,2.0146026611328125,2.1253773868083954,1.15769887287566,4.197387774785359,4.766846656799316 +3.236765857166697,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.393574221582009,2.0146026611328125,2.1253773868083954,1.15769887287566,4.197387774785359,4.766846656799316 +2.9556277473911763,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.393574221582009,2.0146026611328125,2.1253773868083954,1.15769887287566,4.197387774785359,4.766846656799316 +3.3033126911497366,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.393574221582009,2.0146026611328125,2.1253773868083954,1.15769887287566,4.197387774785359,4.766846656799316 +3.0652779927747544,2.191012966333243,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.191012966333243,1.7368614673614502,1.8593645095825195,0.79386860163922,4.323757315675418,5.143725299835202 +3.195842460426932,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.191012966333243,1.7368614673614502,1.8593645095825195,0.79386860163922,4.323757315675418,5.143725299835202 +3.212937641623467,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.191012966333243,1.7368614673614502,1.8593645095825195,0.79386860163922,4.323757315675418,5.143725299835202 +3.324775174161847,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.191012966333243,1.7368614673614502,1.8593645095825195,0.79386860163922,4.323757315675418,5.143725299835202 +3.310991580025502,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.191012966333243,1.7368614673614502,1.8593645095825195,0.79386860163922,4.323757315675418,5.143725299835202 +3.219260312695459,2.342310465517498,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.342310465517498,1.9782334566116333,2.009384036064148,0.8072437187458607,4.600496704379718,5.626004791259765 +3.4299301903370503,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.342310465517498,1.9782334566116333,2.009384036064148,0.8072437187458607,4.600496704379718,5.626004791259765 +3.3259984684572372,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.342310465517498,1.9782334566116333,2.009384036064148,0.8072437187458607,4.600496704379718,5.626004791259765 +3.201186369151113,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.342310465517498,1.9782334566116333,2.009384036064148,0.8072437187458607,4.600496704379718,5.626004791259765 +3.100979571134874,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.342310465517498,1.9782334566116333,2.009384036064148,0.8072437187458607,4.600496704379718,5.626004791259765 +3.296765496064774,2.2162614404051393,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2162614404051393,1.8271349668502808,1.892594963312149,0.9458347428986367,4.164507602651914,4.683355236053467 +3.178319519832927,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2162614404051393,1.8271349668502808,1.892594963312149,0.9458347428986367,4.164507602651914,4.683355236053467 +3.2452269310529753,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2162614404051393,1.8271349668502808,1.892594963312149,0.9458347428986367,4.164507602651914,4.683355236053467 +3.1825912143632102,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2162614404051393,1.8271349668502808,1.892594963312149,0.9458347428986367,4.164507602651914,4.683355236053467 +3.1404374524518492,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2162614404051393,1.8271349668502808,1.892594963312149,0.9458347428986367,4.164507602651914,4.683355236053467 +2.9969389459467184,1.8935300138971163,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8935300138971163,1.4620604515075684,1.5377201735973358,0.5571281905186937,3.97956216832002,4.784095573425293 +3.1927579860927877,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8935300138971163,1.4620604515075684,1.5377201735973358,0.5571281905186937,3.97956216832002,4.784095573425293 +3.2541340359322,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8935300138971163,1.4620604515075684,1.5377201735973358,0.5571281905186937,3.97956216832002,4.784095573425293 +3.2491625701925058,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8935300138971163,1.4620604515075684,1.5377201735973358,0.5571281905186937,3.97956216832002,4.784095573425293 +3.205188111669942,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8935300138971163,1.4620604515075684,1.5377201735973358,0.5571281905186937,3.97956216832002,4.784095573425293 +3.146945431907133,2.6769053040358126,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6769053040358126,2.2740859985351562,2.3251990973949432,0.8546543831520892,5.316879640022914,6.420001602172851 +3.042428046307652,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6769053040358126,2.2740859985351562,2.3251990973949432,0.8546543831520892,5.316879640022914,6.420001602172851 +3.2953221449397483,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6769053040358126,2.2740859985351562,2.3251990973949432,0.8546543831520892,5.316879640022914,6.420001602172851 +3.2048444040217943,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6769053040358126,2.2740859985351562,2.3251990973949432,0.8546543831520892,5.316879640022914,6.420001602172851 +3.2902323766402644,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.6769053040358126,2.2740859985351562,2.3251990973949432,0.8546543831520892,5.316879640022914,6.420001602172851 +2.9768324999979114,2.2533593642963936,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2533593642963936,1.8901017904281616,2.015320122241974,0.9817823571093539,4.065473730365436,4.573509979248047 +3.116740065231172,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2533593642963936,1.8901017904281616,2.015320122241974,0.9817823571093539,4.065473730365436,4.573509979248047 +2.8298415514126933,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2533593642963936,1.8901017904281616,2.015320122241974,0.9817823571093539,4.065473730365436,4.573509979248047 +3.2695493297086227,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2533593642963936,1.8901017904281616,2.015320122241974,0.9817823571093539,4.065473730365436,4.573509979248047 +3.3305552845973136,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2533593642963936,1.8901017904281616,2.015320122241974,0.9817823571093539,4.065473730365436,4.573509979248047 +3.0192697932427666,2.037012530934243,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.037012530934243,1.6402018070220947,1.7212448865175247,0.5335401191990427,4.203484480579694,5.1149139404296875 +2.9086808240272126,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.037012530934243,1.6402018070220947,1.7212448865175247,0.5335401191990427,4.203484480579694,5.1149139404296875 +3.1224062890993887,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.037012530934243,1.6402018070220947,1.7212448865175247,0.5335401191990427,4.203484480579694,5.1149139404296875 +3.220511904531859,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.037012530934243,1.6402018070220947,1.7212448865175247,0.5335401191990427,4.203484480579694,5.1149139404296875 +3.3016104787430853,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.037012530934243,1.6402018070220947,1.7212448865175247,0.5335401191990427,4.203484480579694,5.1149139404296875 +2.9325217876907703,2.0055048830373576,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0055048830373576,1.649600625038147,1.7348904460668564,0.4587521269283396,4.145852615435918,4.891110324859619 +3.4583738040680307,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0055048830373576,1.649600625038147,1.7348904460668564,0.4587521269283396,4.145852615435918,4.891110324859619 +3.1418406006568027,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0055048830373576,1.649600625038147,1.7348904460668564,0.4587521269283396,4.145852615435918,4.891110324859619 +2.9803843304003763,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0055048830373576,1.649600625038147,1.7348904460668564,0.4587521269283396,4.145852615435918,4.891110324859619 +3.253559599254565,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0055048830373576,1.649600625038147,1.7348904460668564,0.4587521269283396,4.145852615435918,4.891110324859619 +3.297668715560499,1.9872982125512506,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9872982125512506,1.5818954706192017,1.6703790426254272,0.4998797909059423,4.179195195436478,5.087871170043943 +3.168870968503342,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9872982125512506,1.5818954706192017,1.6703790426254272,0.4998797909059423,4.179195195436478,5.087871170043943 +3.0976522253300396,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9872982125512506,1.5818954706192017,1.6703790426254272,0.4998797909059423,4.179195195436478,5.087871170043943 +3.0061140052561397,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9872982125512506,1.5818954706192017,1.6703790426254272,0.4998797909059423,4.179195195436478,5.087871170043943 +3.2404592223760322,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9872982125512506,1.5818954706192017,1.6703790426254272,0.4998797909059423,4.179195195436478,5.087871170043943 +3.2751385050980586,2.2472145884598373,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2472145884598373,1.6315886974334717,1.8023424446582794,0.8509944065454158,4.6309148371219635,6.071450614929199 +2.9336199761419937,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2472145884598373,1.6315886974334717,1.8023424446582794,0.8509944065454158,4.6309148371219635,6.071450614929199 +3.0481958146892625,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2472145884598373,1.6315886974334717,1.8023424446582794,0.8509944065454158,4.6309148371219635,6.071450614929199 +3.0937300790543607,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2472145884598373,1.6315886974334717,1.8023424446582794,0.8509944065454158,4.6309148371219635,6.071450614929199 +3.0737565024153852,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.2472145884598373,1.6315886974334717,1.8023424446582794,0.8509944065454158,4.6309148371219635,6.071450614929199 +3.156669602604057,1.9935261091542622,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9935261091542622,1.426561713218689,1.6522643864154816,0.4768478128504246,4.372480168938637,5.138387584686278 +3.0653847323283356,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9935261091542622,1.426561713218689,1.6522643864154816,0.4768478128504246,4.372480168938637,5.138387584686278 +3.2307338575613844,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9935261091542622,1.426561713218689,1.6522643864154816,0.4768478128504246,4.372480168938637,5.138387584686278 +3.0584001189250114,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9935261091542622,1.426561713218689,1.6522643864154816,0.4768478128504246,4.372480168938637,5.138387584686278 +3.217967781452044,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9935261091542622,1.426561713218689,1.6522643864154816,0.4768478128504246,4.372480168938637,5.138387584686278 +3.3534315808781847,1.8699162943022591,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8699162943022591,1.4868791103363037,1.5602926462888718,0.5346509738171354,3.8986776818831763,4.443018341064453 +2.942659373058493,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8699162943022591,1.4868791103363037,1.5602926462888718,0.5346509738171354,3.8986776818831763,4.443018341064453 +3.26559585179534,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8699162943022591,1.4868791103363037,1.5602926462888718,0.5346509738171354,3.8986776818831763,4.443018341064453 +3.2345363119897237,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8699162943022591,1.4868791103363037,1.5602926462888718,0.5346509738171354,3.8986776818831763,4.443018341064453 +3.5055051914423627,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8699162943022591,1.4868791103363037,1.5602926462888718,0.5346509738171354,3.8986776818831763,4.443018341064453 +3.20248356088013,1.9375024007426367,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9375024007426367,1.5637296438217163,1.6470572799444199,0.5208098400146404,3.9202141563097634,4.626466655731201 +3.0723218668576595,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9375024007426367,1.5637296438217163,1.6470572799444199,0.5208098400146404,3.9202141563097634,4.626466655731201 +3.2076195479815426,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9375024007426367,1.5637296438217163,1.6470572799444199,0.5208098400146404,3.9202141563097634,4.626466655731201 +3.340442495504124,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9375024007426367,1.5637296438217163,1.6470572799444199,0.5208098400146404,3.9202141563097634,4.626466655731201 +2.9445451349413174,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9375024007426367,1.5637296438217163,1.6470572799444199,0.5208098400146404,3.9202141563097634,4.626466655731201 +3.3111846877119473,1.872012769734418,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.872012769734418,1.533017635345459,1.6079908311367035,0.605243869284366,3.7365676065286,4.5959283828735344 +3.337405992607957,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.872012769734418,1.533017635345459,1.6079908311367035,0.605243869284366,3.7365676065286,4.5959283828735344 +3.1479772954274923,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.872012769734418,1.533017635345459,1.6079908311367035,0.605243869284366,3.7365676065286,4.5959283828735344 +2.999851242356533,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.872012769734418,1.533017635345459,1.6079908311367035,0.605243869284366,3.7365676065286,4.5959283828735344 +2.943763591427759,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.872012769734418,1.533017635345459,1.6079908311367035,0.605243869284366,3.7365676065286,4.5959283828735344 +3.2470195598919975,1.9321380951417186,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9321380951417186,1.6125264167785645,1.6585078835487366,0.6522358668611404,3.7867739448944726,4.219259262084961 +3.0461667307055404,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9321380951417186,1.6125264167785645,1.6585078835487366,0.6522358668611404,3.7867739448944726,4.219259262084961 +3.253859402007352,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9321380951417186,1.6125264167785645,1.6585078835487366,0.6522358668611404,3.7867739448944726,4.219259262084961 +3.1972505558567184,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9321380951417186,1.6125264167785645,1.6585078835487366,0.6522358668611404,3.7867739448944726,4.219259262084961 +3.0938615949731076,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9321380951417186,1.6125264167785645,1.6585078835487366,0.6522358668611404,3.7867739448944726,4.219259262084961 +3.4421005646125624,1.800579006118434,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.800579006118434,1.4465861320495605,1.4894325882196426,0.4909664305283668,3.700770298639933,4.172772026062011 +3.2942824778110182,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.800579006118434,1.4465861320495605,1.4894325882196426,0.4909664305283668,3.700770298639933,4.172772026062011 +3.343949833339311,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.800579006118434,1.4465861320495605,1.4894325882196426,0.4909664305283668,3.700770298639933,4.172772026062011 +3.314984552994724,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.800579006118434,1.4465861320495605,1.4894325882196426,0.4909664305283668,3.700770298639933,4.172772026062011 +3.2968769186719427,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.800579006118434,1.4465861320495605,1.4894325882196426,0.4909664305283668,3.700770298639933,4.172772026062011 +3.0087289386342886,2.0094036083451656,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0094036083451656,1.6840015649795532,1.7690828442573547,0.6240625211850126,3.9608704249064126,4.633255100250244 +3.114068749515551,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0094036083451656,1.6840015649795532,1.7690828442573547,0.6240625211850126,3.9608704249064126,4.633255100250244 +3.2418039372107286,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0094036083451656,1.6840015649795532,1.7690828442573547,0.6240625211850126,3.9608704249064126,4.633255100250244 +3.226510262328119,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0094036083451656,1.6840015649795532,1.7690828442573547,0.6240625211850126,3.9608704249064126,4.633255100250244 +3.3199705545222855,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0094036083451656,1.6840015649795532,1.7690828442573547,0.6240625211850126,3.9608704249064126,4.633255100250244 +3.0847438511716345,2.0813911896218698,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0813911896218698,1.7582505941390991,1.8332632780075073,0.793547991108387,3.8526170005400977,4.253295326232909 +3.1623844873936635,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0813911896218698,1.7582505941390991,1.8332632780075073,0.793547991108387,3.8526170005400977,4.253295326232909 +3.060929805060018,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0813911896218698,1.7582505941390991,1.8332632780075073,0.793547991108387,3.8526170005400977,4.253295326232909 +3.1621464527062186,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0813911896218698,1.7582505941390991,1.8332632780075073,0.793547991108387,3.8526170005400977,4.253295326232909 +2.971265326507173,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.0813911896218698,1.7582505941390991,1.8332632780075073,0.793547991108387,3.8526170005400977,4.253295326232909 +3.1308011371337643,2.194670107590143,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.194670107590143,1.7865173816680908,1.88662588596344,0.9619668974204266,4.135274146993955,4.748324584960937 +3.2619595283686644,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.194670107590143,1.7865173816680908,1.88662588596344,0.9619668974204266,4.135274146993955,4.748324584960937 +2.886826727509813,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.194670107590143,1.7865173816680908,1.88662588596344,0.9619668974204266,4.135274146993955,4.748324584960937 +3.0031855252613178,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.194670107590143,1.7865173816680908,1.88662588596344,0.9619668974204266,4.135274146993955,4.748324584960937 +3.162177164412268,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.194670107590143,1.7865173816680908,1.88662588596344,0.9619668974204266,4.135274146993955,4.748324584960937 +3.2131569965455022,2.110509986402812,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.110509986402812,1.8300243616104126,1.8996477127075195,0.635429026440103,4.111762339870135,4.8390849113464345 +3.193809865647067,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.110509986402812,1.8300243616104126,1.8996477127075195,0.635429026440103,4.111762339870135,4.8390849113464345 +3.193699010817388,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.110509986402812,1.8300243616104126,1.8996477127075195,0.635429026440103,4.111762339870135,4.8390849113464345 +3.2564712032518477,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.110509986402812,1.8300243616104126,1.8996477127075195,0.635429026440103,4.111762339870135,4.8390849113464345 +3.3177305380162587,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.110509986402812,1.8300243616104126,1.8996477127075195,0.635429026440103,4.111762339870135,4.8390849113464345 +2.993478195097956,1.8940157530799744,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8940157530799744,1.4213393926620483,1.567638173699379,0.49105760138085547,4.009415447711945,5.047916889190674 +3.3384682940697608,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8940157530799744,1.4213393926620483,1.567638173699379,0.49105760138085547,4.009415447711945,5.047916889190674 +3.1204889892234338,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8940157530799744,1.4213393926620483,1.567638173699379,0.49105760138085547,4.009415447711945,5.047916889190674 +3.088592825000393,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8940157530799744,1.4213393926620483,1.567638173699379,0.49105760138085547,4.009415447711945,5.047916889190674 +2.893017881208328,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.8940157530799744,1.4213393926620483,1.567638173699379,0.49105760138085547,4.009415447711945,5.047916889190674 +3.0913984292729864,1.9013320237161622,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9013320237161622,1.4467214345932007,1.5660220235586166,0.5198149254664461,4.053704664111137,5.1310651779174785 +3.0009997311320973,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9013320237161622,1.4467214345932007,1.5660220235586166,0.5198149254664461,4.053704664111137,5.1310651779174785 +3.0418760669970575,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9013320237161622,1.4467214345932007,1.5660220235586166,0.5198149254664461,4.053704664111137,5.1310651779174785 +3.31052861637915,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9013320237161622,1.4467214345932007,1.5660220235586166,0.5198149254664461,4.053704664111137,5.1310651779174785 +3.123196244495368,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,1.9013320237161622,1.4467214345932007,1.5660220235586166,0.5198149254664461,4.053704664111137,5.1310651779174785 +3.3287335854407036,2.02500702007107,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.02500702007107,1.576939344406128,1.7292660772800446,0.7004674286284345,4.080862353245418,4.960925960540769 +3.2062404269554055,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.02500702007107,1.576939344406128,1.7292660772800446,0.7004674286284345,4.080862353245418,4.960925960540769 +3.359296622133192,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.02500702007107,1.576939344406128,1.7292660772800446,0.7004674286284345,4.080862353245418,4.960925960540769 +3.083666174856843,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.02500702007107,1.576939344406128,1.7292660772800446,0.7004674286284345,4.080862353245418,4.960925960540769 +3.139240538126403,0,1.7595075746140783,1.2387526035308838,1.4052565097808838,0.440626212415543,3.7553725788990655,4.208757209777832,2.02500702007107,1.576939344406128,1.7292660772800446,0.7004674286284345,4.080862353245418,4.960925960540769 +3.118394500779917,1.7276047926258158,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005 +3.0689821261765147,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005 +2.9115004074369066,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005 +3.3636071669394862,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005 +2.9275859133745876,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005 +3.1742940707264915,1.8116620276024733,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.8116620276024733,1.3247079849243164,1.4377330988645554,0.4152924615017911,4.004060288270314,5.073690509796142 +3.2223682043027124,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.8116620276024733,1.3247079849243164,1.4377330988645554,0.4152924615017911,4.004060288270314,5.073690509796142 +2.9683737793745655,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.8116620276024733,1.3247079849243164,1.4377330988645554,0.4152924615017911,4.004060288270314,5.073690509796142 +3.132253700085869,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.8116620276024733,1.3247079849243164,1.4377330988645554,0.4152924615017911,4.004060288270314,5.073690509796142 +3.0068327891284055,0,1.7276047926258158,1.3119425773620605,1.3988931626081467,0.42847496936929985,3.7212760150432587,4.683358669281005,1.8116620276024733,1.3247079849243164,1.4377330988645554,0.4152924615017911,4.004060288270314,5.073690509796142 +3.021292416708136,1.6907874562989467,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375 +3.153132114038461,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375 +3.1956782294216133,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375 +2.9072746518891215,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375 +3.0908850652207485,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375 +3.141958216505032,1.9664759240137837,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9664759240137837,1.582390308380127,1.6915557831525803,0.5600146175699031,3.9203826437393823,4.709973526000976 +3.1049523957486516,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9664759240137837,1.582390308380127,1.6915557831525803,0.5600146175699031,3.9203826437393823,4.709973526000976 +3.3396640172459207,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9664759240137837,1.582390308380127,1.6915557831525803,0.5600146175699031,3.9203826437393823,4.709973526000976 +3.170056413456129,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9664759240137837,1.582390308380127,1.6915557831525803,0.5600146175699031,3.9203826437393823,4.709973526000976 +3.2075871768011894,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9664759240137837,1.582390308380127,1.6915557831525803,0.5600146175699031,3.9203826437393823,4.709973526000976 +3.047080021538332,2.112445328010138,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.112445328010138,1.5853556394577026,1.6643144488334656,0.47146367028038555,4.556297649939855,5.89839172363281 +3.269693538625196,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.112445328010138,1.5853556394577026,1.6643144488334656,0.47146367028038555,4.556297649939855,5.89839172363281 +3.091936301784025,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.112445328010138,1.5853556394577026,1.6643144488334656,0.47146367028038555,4.556297649939855,5.89839172363281 +2.9908748141104122,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.112445328010138,1.5853556394577026,1.6643144488334656,0.47146367028038555,4.556297649939855,5.89839172363281 +3.0049144778607073,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.112445328010138,1.5853556394577026,1.6643144488334656,0.47146367028038555,4.556297649939855,5.89839172363281 +3.0816738404982322,1.749214729264615,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.749214729264615,1.3351550102233887,1.3924973607063293,0.40151727183702146,3.7323787758747735,4.871205234527587 +3.0591600727987793,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.749214729264615,1.3351550102233887,1.3924973607063293,0.40151727183702146,3.7323787758747735,4.871205234527587 +3.457487307705162,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.749214729264615,1.3351550102233887,1.3924973607063293,0.40151727183702146,3.7323787758747735,4.871205234527587 +3.075435233678384,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.749214729264615,1.3351550102233887,1.3924973607063293,0.40151727183702146,3.7323787758747735,4.871205234527587 +3.0518702139247376,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.749214729264615,1.3351550102233887,1.3924973607063293,0.40151727183702146,3.7323787758747735,4.871205234527587 +3.3216716098282144,1.7451429473502296,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7451429473502296,1.2694913148880005,1.3946770280599594,0.4587432307765839,3.836213062206904,4.666135787963866 +3.1349496521389892,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7451429473502296,1.2694913148880005,1.3946770280599594,0.4587432307765839,3.836213062206904,4.666135787963866 +2.972923512233908,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7451429473502296,1.2694913148880005,1.3946770280599594,0.4587432307765839,3.836213062206904,4.666135787963866 +3.236469368703447,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7451429473502296,1.2694913148880005,1.3946770280599594,0.4587432307765839,3.836213062206904,4.666135787963866 +3.3291527976461324,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7451429473502296,1.2694913148880005,1.3946770280599594,0.4587432307765839,3.836213062206904,4.666135787963866 +3.0117135346525576,2.053995334124439,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.053995334124439,1.723173975944519,1.7669447362422943,0.8622864326263996,3.8057880451281867,4.826179981231689 +3.0842504239491233,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.053995334124439,1.723173975944519,1.7669447362422943,0.8622864326263996,3.8057880451281867,4.826179981231689 +2.9933308092656112,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.053995334124439,1.723173975944519,1.7669447362422943,0.8622864326263996,3.8057880451281867,4.826179981231689 +3.0746414551319736,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.053995334124439,1.723173975944519,1.7669447362422943,0.8622864326263996,3.8057880451281867,4.826179981231689 +3.2847730991157817,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.053995334124439,1.723173975944519,1.7669447362422943,0.8622864326263996,3.8057880451281867,4.826179981231689 +3.3338366259174483,2.2461904415456706,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2461904415456706,1.9697068929672241,1.978905349969864,0.7624036842521201,4.232968673110008,4.963526725769042 +3.020585691295859,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2461904415456706,1.9697068929672241,1.978905349969864,0.7624036842521201,4.232968673110008,4.963526725769042 +3.1514550219425113,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2461904415456706,1.9697068929672241,1.978905349969864,0.7624036842521201,4.232968673110008,4.963526725769042 +2.965779329942525,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2461904415456706,1.9697068929672241,1.978905349969864,0.7624036842521201,4.232968673110008,4.963526725769042 +3.106779994998412,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2461904415456706,1.9697068929672241,1.978905349969864,0.7624036842521201,4.232968673110008,4.963526725769042 +3.1385665705776464,2.08197991597274,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.08197991597274,1.5641050338745117,1.6989637911319733,0.7113299132027524,4.252151678005855,5.141370105743407 +3.290172702541924,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.08197991597274,1.5641050338745117,1.6989637911319733,0.7113299132027524,4.252151678005855,5.141370105743407 +3.1166152169726455,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.08197991597274,1.5641050338745117,1.6989637911319733,0.7113299132027524,4.252151678005855,5.141370105743407 +3.080933837254475,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.08197991597274,1.5641050338745117,1.6989637911319733,0.7113299132027524,4.252151678005855,5.141370105743407 +3.0914274605880627,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.08197991597274,1.5641050338745117,1.6989637911319733,0.7113299132027524,4.252151678005855,5.141370105743407 +3.0753582935180703,2.15697474572709,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.15697474572709,1.6757303476333618,1.77427938580513,0.6561713076018273,4.446214447418849,5.534900856018066 +3.081746823436981,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.15697474572709,1.6757303476333618,1.77427938580513,0.6561713076018273,4.446214447418849,5.534900856018066 +3.0396792534787926,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.15697474572709,1.6757303476333618,1.77427938580513,0.6561713076018273,4.446214447418849,5.534900856018066 +3.1805266095497364,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.15697474572709,1.6757303476333618,1.77427938580513,0.6561713076018273,4.446214447418849,5.534900856018066 +3.226501362344206,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.15697474572709,1.6757303476333618,1.77427938580513,0.6561713076018273,4.446214447418849,5.534900856018066 +3.1650612132923586,2.2966542381142814,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2966542381142814,1.8965107202529907,1.9569374024868011,0.7937735160614582,4.456086332599322,5.694324493408201 +3.2776215826419226,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2966542381142814,1.8965107202529907,1.9569374024868011,0.7937735160614582,4.456086332599322,5.694324493408201 +3.0547062943549457,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2966542381142814,1.8965107202529907,1.9569374024868011,0.7937735160614582,4.456086332599322,5.694324493408201 +3.314768966867301,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2966542381142814,1.8965107202529907,1.9569374024868011,0.7937735160614582,4.456086332599322,5.694324493408201 +3.1380737182096943,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2966542381142814,1.8965107202529907,1.9569374024868011,0.7937735160614582,4.456086332599322,5.694324493408201 +3.403337032939639,2.578555113345227,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.578555113345227,2.3440160751342773,2.414890617132187,1.0315197018232751,4.467996150255203,4.868695831298828 +3.0177288789076036,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.578555113345227,2.3440160751342773,2.414890617132187,1.0315197018232751,4.467996150255203,4.868695831298828 +3.048560356205246,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.578555113345227,2.3440160751342773,2.414890617132187,1.0315197018232751,4.467996150255203,4.868695831298828 +3.105844057880165,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.578555113345227,2.3440160751342773,2.414890617132187,1.0315197018232751,4.467996150255203,4.868695831298828 +3.3512213696826416,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.578555113345227,2.3440160751342773,2.414890617132187,1.0315197018232751,4.467996150255203,4.868695831298828 +3.307459826873601,2.0352650806702,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0352650806702,1.7608088254928589,1.844015285372734,0.6424481240992851,3.926020935177803,4.88019790649414 +3.1008385603063027,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0352650806702,1.7608088254928589,1.844015285372734,0.6424481240992851,3.926020935177803,4.88019790649414 +3.31681794545424,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0352650806702,1.7608088254928589,1.844015285372734,0.6424481240992851,3.926020935177803,4.88019790649414 +2.9220044357520294,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0352650806702,1.7608088254928589,1.844015285372734,0.6424481240992851,3.926020935177803,4.88019790649414 +2.9557171085343197,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0352650806702,1.7608088254928589,1.844015285372734,0.6424481240992851,3.926020935177803,4.88019790649414 +3.107090705027681,1.8332708404650764,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8332708404650764,1.3738733530044556,1.4746709614992142,0.4794495419618931,3.9514671564102173,4.738591194152832 +3.277550481082896,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8332708404650764,1.3738733530044556,1.4746709614992142,0.4794495419618931,3.9514671564102173,4.738591194152832 +3.198651244564075,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8332708404650764,1.3738733530044556,1.4746709614992142,0.4794495419618931,3.9514671564102173,4.738591194152832 +3.1175532078758708,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8332708404650764,1.3738733530044556,1.4746709614992142,0.4794495419618931,3.9514671564102173,4.738591194152832 +2.9984774674070227,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8332708404650764,1.3738733530044556,1.4746709614992142,0.4794495419618931,3.9514671564102173,4.738591194152832 +3.006219158976248,2.319179524347265,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.319179524347265,1.9228483438491821,2.017994612455368,0.6044595425433301,4.724560643235843,5.626629257202148 +3.2510347725297657,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.319179524347265,1.9228483438491821,2.017994612455368,0.6044595425433301,4.724560643235843,5.626629257202148 +3.298794478590853,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.319179524347265,1.9228483438491821,2.017994612455368,0.6044595425433301,4.724560643235843,5.626629257202148 +3.3357681267179724,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.319179524347265,1.9228483438491821,2.017994612455368,0.6044595425433301,4.724560643235843,5.626629257202148 +2.99729387503422,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.319179524347265,1.9228483438491821,2.017994612455368,0.6044595425433301,4.724560643235843,5.626629257202148 +3.1795839365758494,2.0185060069832224,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0185060069832224,1.6265432834625244,1.7148476839065552,0.7451281157579828,3.888836920261383,4.388248348236084 +2.9675247657818025,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0185060069832224,1.6265432834625244,1.7148476839065552,0.7451281157579828,3.888836920261383,4.388248348236084 +3.284786358318417,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0185060069832224,1.6265432834625244,1.7148476839065552,0.7451281157579828,3.888836920261383,4.388248348236084 +3.037864808120954,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0185060069832224,1.6265432834625244,1.7148476839065552,0.7451281157579828,3.888836920261383,4.388248348236084 +3.3123848626395014,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0185060069832224,1.6265432834625244,1.7148476839065552,0.7451281157579828,3.888836920261383,4.388248348236084 +2.9430367120966747,2.2009821423777827,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2009821423777827,1.7576940059661865,1.8115544021129608,0.8050772940858881,4.380157142877579,5.468106365203857 +3.25824005748477,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2009821423777827,1.7576940059661865,1.8115544021129608,0.8050772940858881,4.380157142877579,5.468106365203857 +3.21151834455046,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2009821423777827,1.7576940059661865,1.8115544021129608,0.8050772940858881,4.380157142877579,5.468106365203857 +3.0730660465744997,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2009821423777827,1.7576940059661865,1.8115544021129608,0.8050772940858881,4.380157142877579,5.468106365203857 +2.9016832348971695,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2009821423777827,1.7576940059661865,1.8115544021129608,0.8050772940858881,4.380157142877579,5.468106365203857 +3.0421671442156732,1.7324447578617506,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7324447578617506,1.3161122798919678,1.4085059762001038,0.44115391833351014,3.699837327003479,4.349882888793945 +3.0183798133501276,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7324447578617506,1.3161122798919678,1.4085059762001038,0.44115391833351014,3.699837327003479,4.349882888793945 +2.8690418904563684,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7324447578617506,1.3161122798919678,1.4085059762001038,0.44115391833351014,3.699837327003479,4.349882888793945 +3.050200688650237,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7324447578617506,1.3161122798919678,1.4085059762001038,0.44115391833351014,3.699837327003479,4.349882888793945 +3.0568965867279703,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7324447578617506,1.3161122798919678,1.4085059762001038,0.44115391833351014,3.699837327003479,4.349882888793945 +3.292049522804082,2.174962749714574,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.174962749714574,1.661421537399292,1.7418818771839142,0.6222097169845662,4.656408846378326,6.23973684310913 +3.1198378961169624,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.174962749714574,1.661421537399292,1.7418818771839142,0.6222097169845662,4.656408846378326,6.23973684310913 +2.858930869947008,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.174962749714574,1.661421537399292,1.7418818771839142,0.6222097169845662,4.656408846378326,6.23973684310913 +2.885708126669509,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.174962749714574,1.661421537399292,1.7418818771839142,0.6222097169845662,4.656408846378326,6.23973684310913 +3.0198881539631643,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.174962749714574,1.661421537399292,1.7418818771839142,0.6222097169845662,4.656408846378326,6.23973684310913 +3.0807299783605697,2.041805896533545,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.041805896533545,1.5059720277786255,1.6063943654298782,0.6397078127620068,4.3085547884305315,5.513745021820068 +3.4133912775871935,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.041805896533545,1.5059720277786255,1.6063943654298782,0.6397078127620068,4.3085547884305315,5.513745021820068 +3.034416245675024,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.041805896533545,1.5059720277786255,1.6063943654298782,0.6397078127620068,4.3085547884305315,5.513745021820068 +2.997445942976544,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.041805896533545,1.5059720277786255,1.6063943654298782,0.6397078127620068,4.3085547884305315,5.513745021820068 +3.057082404011472,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.041805896533545,1.5059720277786255,1.6063943654298782,0.6397078127620068,4.3085547884305315,5.513745021820068 +3.0097076089605492,2.2537650997361176,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2537650997361176,1.6876002550125122,1.8460816740989685,0.9145679594354427,4.492403373122215,5.7095568656921385 +3.204565375119369,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2537650997361176,1.6876002550125122,1.8460816740989685,0.9145679594354427,4.492403373122215,5.7095568656921385 +3.2608445571995976,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2537650997361176,1.6876002550125122,1.8460816740989685,0.9145679594354427,4.492403373122215,5.7095568656921385 +2.939453073573301,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2537650997361176,1.6876002550125122,1.8460816740989685,0.9145679594354427,4.492403373122215,5.7095568656921385 +3.012506311341609,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2537650997361176,1.6876002550125122,1.8460816740989685,0.9145679594354427,4.492403373122215,5.7095568656921385 +2.919035115586422,2.1678316411833283,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1678316411833283,1.8004844188690186,1.9125694632530212,0.8806146643263228,4.066095098853111,4.497644424438477 +3.100698900372183,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1678316411833283,1.8004844188690186,1.9125694632530212,0.8806146643263228,4.066095098853111,4.497644424438477 +3.3658182359150657,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1678316411833283,1.8004844188690186,1.9125694632530212,0.8806146643263228,4.066095098853111,4.497644424438477 +3.102666568708923,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1678316411833283,1.8004844188690186,1.9125694632530212,0.8806146643263228,4.066095098853111,4.497644424438477 +2.800955334584914,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1678316411833283,1.8004844188690186,1.9125694632530212,0.8806146643263228,4.066095098853111,4.497644424438477 +3.144431003106458,1.7682984763825382,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7682984763825382,1.2822215557098389,1.4241826385259628,0.4489055767338327,3.8404513001441956,4.498279857635495 +3.2660285960440585,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7682984763825382,1.2822215557098389,1.4241826385259628,0.4489055767338327,3.8404513001441956,4.498279857635495 +3.0004531586626273,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7682984763825382,1.2822215557098389,1.4241826385259628,0.4489055767338327,3.8404513001441956,4.498279857635495 +3.195083206632521,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7682984763825382,1.2822215557098389,1.4241826385259628,0.4489055767338327,3.8404513001441956,4.498279857635495 +3.102648699425141,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7682984763825382,1.2822215557098389,1.4241826385259628,0.4489055767338327,3.8404513001441956,4.498279857635495 +3.2449628158932,2.25532638624547,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.25532638624547,1.6635404825210571,1.8911961317062378,0.6212383473807193,4.744401812553406,5.702665901184081 +2.9758640022304568,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.25532638624547,1.6635404825210571,1.8911961317062378,0.6212383473807193,4.744401812553406,5.702665901184081 +3.077232412738347,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.25532638624547,1.6635404825210571,1.8911961317062378,0.6212383473807193,4.744401812553406,5.702665901184081 +3.247257098005126,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.25532638624547,1.6635404825210571,1.8911961317062378,0.6212383473807193,4.744401812553406,5.702665901184081 +3.059681668248529,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.25532638624547,1.6635404825210571,1.8911961317062378,0.6212383473807193,4.744401812553406,5.702665901184081 +3.2032755364253527,2.593131473140111,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.593131473140111,2.3480207920074463,2.358541041612625,1.3801804489277778,4.356413165728251,4.912067413330078 +3.10764650756734,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.593131473140111,2.3480207920074463,2.358541041612625,1.3801804489277778,4.356413165728251,4.912067413330078 +2.958486789606492,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.593131473140111,2.3480207920074463,2.358541041612625,1.3801804489277778,4.356413165728251,4.912067413330078 +2.948400132200806,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.593131473140111,2.3480207920074463,2.358541041612625,1.3801804489277778,4.356413165728251,4.912067413330078 +3.1374899189044427,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.593131473140111,2.3480207920074463,2.358541041612625,1.3801804489277778,4.356413165728251,4.912067413330078 +2.9791925117805955,1.9548161718895827,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9548161718895827,1.5893007516860962,1.6956105530261993,0.7341089990544827,3.860526149471601,4.315091323852538 +3.2646630187580326,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9548161718895827,1.5893007516860962,1.6956105530261993,0.7341089990544827,3.860526149471601,4.315091323852538 +2.7488530586844697,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9548161718895827,1.5893007516860962,1.6956105530261993,0.7341089990544827,3.860526149471601,4.315091323852538 +3.231917009937103,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9548161718895827,1.5893007516860962,1.6956105530261993,0.7341089990544827,3.860526149471601,4.315091323852538 +3.119959156596566,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9548161718895827,1.5893007516860962,1.6956105530261993,0.7341089990544827,3.860526149471601,4.315091323852538 +3.2108441108252883,2.5201223616404507,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.5201223616404507,2.141831398010254,2.175038129091263,1.261992003372375,4.519272615512212,5.962754344940183 +3.0295841724938644,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.5201223616404507,2.141831398010254,2.175038129091263,1.261992003372375,4.519272615512212,5.962754344940183 +3.289649185962916,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.5201223616404507,2.141831398010254,2.175038129091263,1.261992003372375,4.519272615512212,5.962754344940183 +2.947260939233536,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.5201223616404507,2.141831398010254,2.175038129091263,1.261992003372375,4.519272615512212,5.962754344940183 +3.027482665229913,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.5201223616404507,2.141831398010254,2.175038129091263,1.261992003372375,4.519272615512212,5.962754344940183 +2.812539047313397,2.2130282361986775,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2130282361986775,1.8101325035095215,1.8090228736400604,0.835950273782649,4.4227869013945265,5.576930522918701 +3.0799814567048505,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2130282361986775,1.8101325035095215,1.8090228736400604,0.835950273782649,4.4227869013945265,5.576930522918701 +3.1923502826556995,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2130282361986775,1.8101325035095215,1.8090228736400604,0.835950273782649,4.4227869013945265,5.576930522918701 +3.1688834193081528,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2130282361986775,1.8101325035095215,1.8090228736400604,0.835950273782649,4.4227869013945265,5.576930522918701 +3.2816958849301123,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2130282361986775,1.8101325035095215,1.8090228736400604,0.835950273782649,4.4227869013945265,5.576930522918701 +3.13851135969162,2.2069511618563737,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2069511618563737,1.833656907081604,1.914551705121994,0.7501648550337934,4.3059694319963455,5.00948371887207 +3.3558682809954896,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2069511618563737,1.833656907081604,1.914551705121994,0.7501648550337934,4.3059694319963455,5.00948371887207 +3.2397275217329606,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2069511618563737,1.833656907081604,1.914551705121994,0.7501648550337934,4.3059694319963455,5.00948371887207 +3.158478928489075,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2069511618563737,1.833656907081604,1.914551705121994,0.7501648550337934,4.3059694319963455,5.00948371887207 +2.851218162158548,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2069511618563737,1.833656907081604,1.914551705121994,0.7501648550337934,4.3059694319963455,5.00948371887207 +2.880275891449961,2.123297426120314,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.123297426120314,1.588315486907959,1.7501208782196045,0.5789863834989831,4.444326102733612,5.517734527587891 +3.009289838157417,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.123297426120314,1.588315486907959,1.7501208782196045,0.5789863834989831,4.444326102733612,5.517734527587891 +3.3591184242380328,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.123297426120314,1.588315486907959,1.7501208782196045,0.5789863834989831,4.444326102733612,5.517734527587891 +3.022160026773142,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.123297426120314,1.588315486907959,1.7501208782196045,0.5789863834989831,4.444326102733612,5.517734527587891 +2.9716971898967484,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.123297426120314,1.588315486907959,1.7501208782196045,0.5789863834989831,4.444326102733612,5.517734527587891 +3.106127243813393,1.8267762143775899,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8267762143775899,1.3952155113220215,1.480695590376854,0.5473349284618458,3.865386739373207,4.5840123176574705 +3.257268483826699,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8267762143775899,1.3952155113220215,1.480695590376854,0.5473349284618458,3.865386739373207,4.5840123176574705 +2.882716401212291,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8267762143775899,1.3952155113220215,1.480695590376854,0.5473349284618458,3.865386739373207,4.5840123176574705 +2.9469332667485393,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8267762143775899,1.3952155113220215,1.480695590376854,0.5473349284618458,3.865386739373207,4.5840123176574705 +3.115116619261714,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8267762143775899,1.3952155113220215,1.480695590376854,0.5473349284618458,3.865386739373207,4.5840123176574705 +2.918904196697049,1.9437321713834843,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9437321713834843,1.4116690158843994,1.56038136780262,0.49708850554963374,4.277757679422696,4.685559463500977 +3.3049352970514887,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9437321713834843,1.4116690158843994,1.56038136780262,0.49708850554963374,4.277757679422696,4.685559463500977 +2.8790967942542327,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9437321713834843,1.4116690158843994,1.56038136780262,0.49708850554963374,4.277757679422696,4.685559463500977 +3.15839112699425,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9437321713834843,1.4116690158843994,1.56038136780262,0.49708850554963374,4.277757679422696,4.685559463500977 +3.1408634941464677,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9437321713834843,1.4116690158843994,1.56038136780262,0.49708850554963374,4.277757679422696,4.685559463500977 +3.157741835729113,2.4459913782184084,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.4459913782184084,2.055570602416992,2.1053563356399536,0.7450396694401478,4.797723765174548,5.7913066864013665 +3.1072816679691577,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.4459913782184084,2.055570602416992,2.1053563356399536,0.7450396694401478,4.797723765174548,5.7913066864013665 +3.2071021198243455,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.4459913782184084,2.055570602416992,2.1053563356399536,0.7450396694401478,4.797723765174548,5.7913066864013665 +3.1649037559067037,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.4459913782184084,2.055570602416992,2.1053563356399536,0.7450396694401478,4.797723765174548,5.7913066864013665 +3.1046755967912385,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.4459913782184084,2.055570602416992,2.1053563356399536,0.7450396694401478,4.797723765174548,5.7913066864013665 +3.221248760996362,2.595554028711622,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.595554028711622,2.179603338241577,2.2757109105587006,0.8318791636761199,5.067620982726415,6.44694185256958 +3.0584931039401284,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.595554028711622,2.179603338241577,2.2757109105587006,0.8318791636761199,5.067620982726415,6.44694185256958 +2.972425093318982,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.595554028711622,2.179603338241577,2.2757109105587006,0.8318791636761199,5.067620982726415,6.44694185256958 +3.166450597503097,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.595554028711622,2.179603338241577,2.2757109105587006,0.8318791636761199,5.067620982726415,6.44694185256958 +3.2120036022408343,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.595554028711622,2.179603338241577,2.2757109105587006,0.8318791636761199,5.067620982726415,6.44694185256958 +3.2221787079264432,1.8348459479985413,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8348459479985413,1.2759490013122559,1.4908753633499146,0.4959339480450813,3.9402603457371392,4.876128005981445 +3.037178176413425,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8348459479985413,1.2759490013122559,1.4908753633499146,0.4959339480450813,3.9402603457371392,4.876128005981445 +2.894830962421869,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8348459479985413,1.2759490013122559,1.4908753633499146,0.4959339480450813,3.9402603457371392,4.876128005981445 +3.0092607715946076,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8348459479985413,1.2759490013122559,1.4908753633499146,0.4959339480450813,3.9402603457371392,4.876128005981445 +3.0461019986262423,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8348459479985413,1.2759490013122559,1.4908753633499146,0.4959339480450813,3.9402603457371392,4.876128005981445 +3.1955094930757633,1.9693049172323847,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9693049172323847,1.570099115371704,1.6760231256484985,0.6836785961021768,3.861978496114413,4.4495355606079094 +2.889267135676891,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9693049172323847,1.570099115371704,1.6760231256484985,0.6836785961021768,3.861978496114413,4.4495355606079094 +3.080446741590399,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9693049172323847,1.570099115371704,1.6760231256484985,0.6836785961021768,3.861978496114413,4.4495355606079094 +2.851081441154109,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9693049172323847,1.570099115371704,1.6760231256484985,0.6836785961021768,3.861978496114413,4.4495355606079094 +3.091150807752458,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9693049172323847,1.570099115371704,1.6760231256484985,0.6836785961021768,3.861978496114413,4.4495355606079094 +2.972264206818352,2.092470802879207,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.092470802879207,1.5976519584655762,1.7668149769306183,0.7611219905158306,4.082812334100406,5.103169536590576 +3.2580388495821437,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.092470802879207,1.5976519584655762,1.7668149769306183,0.7611219905158306,4.082812334100406,5.103169536590576 +2.793975808807602,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.092470802879207,1.5976519584655762,1.7668149769306183,0.7611219905158306,4.082812334100406,5.103169536590576 +3.1479296118885984,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.092470802879207,1.5976519584655762,1.7668149769306183,0.7611219905158306,4.082812334100406,5.103169536590576 +3.167707668602624,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.092470802879207,1.5976519584655762,1.7668149769306183,0.7611219905158306,4.082812334100406,5.103169536590576 +2.938926102854017,1.860719702664822,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.860719702664822,1.4334040880203247,1.5860227942466736,0.6591218714701369,3.7748533487319946,4.347425174713135 +2.892469198062112,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.860719702664822,1.4334040880203247,1.5860227942466736,0.6591218714701369,3.7748533487319946,4.347425174713135 +3.007756082060941,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.860719702664822,1.4334040880203247,1.5860227942466736,0.6591218714701369,3.7748533487319946,4.347425174713135 +3.0076271582955107,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.860719702664822,1.4334040880203247,1.5860227942466736,0.6591218714701369,3.7748533487319946,4.347425174713135 +2.825822771775062,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.860719702664822,1.4334040880203247,1.5860227942466736,0.6591218714701369,3.7748533487319946,4.347425174713135 +3.1578430740020207,1.7511878131085603,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7511878131085603,1.4328579902648926,1.4548191279172897,0.39840347494216677,3.724040557940801,4.153073406219482 +2.9533277287253603,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7511878131085603,1.4328579902648926,1.4548191279172897,0.39840347494216677,3.724040557940801,4.153073406219482 +3.0315452427615592,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7511878131085603,1.4328579902648926,1.4548191279172897,0.39840347494216677,3.724040557940801,4.153073406219482 +3.110973526903067,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7511878131085603,1.4328579902648926,1.4548191279172897,0.39840347494216677,3.724040557940801,4.153073406219482 +3.2204470694025775,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7511878131085603,1.4328579902648926,1.4548191279172897,0.39840347494216677,3.724040557940801,4.153073406219482 +3.238040354820386,1.7946151379081938,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946151379081938,1.404860019683838,1.4597680568695068,0.5135104545253388,3.740277131398519,4.637668323516844 +3.210384901721119,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946151379081938,1.404860019683838,1.4597680568695068,0.5135104545253388,3.740277131398519,4.637668323516844 +3.07682261437099,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946151379081938,1.404860019683838,1.4597680568695068,0.5135104545253388,3.740277131398519,4.637668323516844 +3.120823398822216,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946151379081938,1.404860019683838,1.4597680568695068,0.5135104545253388,3.740277131398519,4.637668323516844 +3.1232782960291905,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946151379081938,1.404860019683838,1.4597680568695068,0.5135104545253388,3.740277131398519,4.637668323516844 +2.958142287242853,2.015796417124057,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.015796417124057,1.5826375484466553,1.7334898710250854,0.7894928956285436,3.8406092524528503,4.3152293205261225 +3.183924100840941,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.015796417124057,1.5826375484466553,1.7334898710250854,0.7894928956285436,3.8406092524528503,4.3152293205261225 +3.1501697239940274,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.015796417124057,1.5826375484466553,1.7334898710250854,0.7894928956285436,3.8406092524528503,4.3152293205261225 +3.011545527539656,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.015796417124057,1.5826375484466553,1.7334898710250854,0.7894928956285436,3.8406092524528503,4.3152293205261225 +3.022108748279964,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.015796417124057,1.5826375484466553,1.7334898710250854,0.7894928956285436,3.8406092524528503,4.3152293205261225 +3.2904552435772714,1.8404840526599733,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8404840526599733,1.398857593536377,1.5208454430103302,0.4979713606707593,3.909030651052793,4.700793457031248 +3.249456760711909,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8404840526599733,1.398857593536377,1.5208454430103302,0.4979713606707593,3.909030651052793,4.700793457031248 +3.1990012316755694,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8404840526599733,1.398857593536377,1.5208454430103302,0.4979713606707593,3.909030651052793,4.700793457031248 +3.20829249143915,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8404840526599733,1.398857593536377,1.5208454430103302,0.4979713606707593,3.909030651052793,4.700793457031248 +3.062906869758402,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8404840526599733,1.398857593536377,1.5208454430103302,0.4979713606707593,3.909030651052793,4.700793457031248 +3.163818959077933,1.9662626309211924,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9662626309211924,1.528799295425415,1.6756900250911713,0.7097287720188181,3.905401016275088,4.473684978485108 +3.265646734090625,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9662626309211924,1.528799295425415,1.6756900250911713,0.7097287720188181,3.905401016275088,4.473684978485108 +3.1755535563252533,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9662626309211924,1.528799295425415,1.6756900250911713,0.7097287720188181,3.905401016275088,4.473684978485108 +3.0210916956881735,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9662626309211924,1.528799295425415,1.6756900250911713,0.7097287720188181,3.905401016275088,4.473684978485108 +3.3831103294301474,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9662626309211924,1.528799295425415,1.6756900250911713,0.7097287720188181,3.905401016275088,4.473684978485108 +3.1612322416775775,1.8374669257374037,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8374669257374037,1.2803889513015747,1.4356479197740555,0.5258998092501721,3.92753337820371,4.819862937927245 +3.2900784199659303,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8374669257374037,1.2803889513015747,1.4356479197740555,0.5258998092501721,3.92753337820371,4.819862937927245 +2.8842247805329615,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8374669257374037,1.2803889513015747,1.4356479197740555,0.5258998092501721,3.92753337820371,4.819862937927245 +2.970448779202703,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8374669257374037,1.2803889513015747,1.4356479197740555,0.5258998092501721,3.92753337820371,4.819862937927245 +3.2356102892780054,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8374669257374037,1.2803889513015747,1.4356479197740555,0.5258998092501721,3.92753337820371,4.819862937927245 +2.9726352945441934,2.2184866875725446,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2184866875725446,1.79493248462677,1.9083111584186554,0.9854689865036214,4.118871942162514,4.7544929504394515 +3.1284194658448956,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2184866875725446,1.79493248462677,1.9083111584186554,0.9854689865036214,4.118871942162514,4.7544929504394515 +3.1201123561621658,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2184866875725446,1.79493248462677,1.9083111584186554,0.9854689865036214,4.118871942162514,4.7544929504394515 +3.1016174420360523,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2184866875725446,1.79493248462677,1.9083111584186554,0.9854689865036214,4.118871942162514,4.7544929504394515 +3.147660777621502,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.2184866875725446,1.79493248462677,1.9083111584186554,0.9854689865036214,4.118871942162514,4.7544929504394515 +3.372207236498358,1.821169705302627,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.821169705302627,1.3816852569580078,1.4646091759204865,0.476542962358353,3.954102615515391,4.841616821289062 +3.028669073116182,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.821169705302627,1.3816852569580078,1.4646091759204865,0.476542962358353,3.954102615515391,4.841616821289062 +3.0852600098403276,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.821169705302627,1.3816852569580078,1.4646091759204865,0.476542962358353,3.954102615515391,4.841616821289062 +3.2472323666972978,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.821169705302627,1.3816852569580078,1.4646091759204865,0.476542962358353,3.954102615515391,4.841616821289062 +3.143695208634739,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.821169705302627,1.3816852569580078,1.4646091759204865,0.476542962358353,3.954102615515391,4.841616821289062 +3.113451807767074,2.0972244278306054,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0972244278306054,1.7835572957992554,1.8443476259708405,0.7544244803646778,3.9008888006210327,4.4667899131774895 +2.95326897175614,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0972244278306054,1.7835572957992554,1.8443476259708405,0.7544244803646778,3.9008888006210327,4.4667899131774895 +3.0354336146707586,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0972244278306054,1.7835572957992554,1.8443476259708405,0.7544244803646778,3.9008888006210327,4.4667899131774895 +2.9688664205313358,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0972244278306054,1.7835572957992554,1.8443476259708405,0.7544244803646778,3.9008888006210327,4.4667899131774895 +3.412346201966023,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0972244278306054,1.7835572957992554,1.8443476259708405,0.7544244803646778,3.9008888006210327,4.4667899131774895 +3.121775312128042,1.7209964006666154,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7209964006666154,1.2238132953643799,1.3793559670448303,0.4837980460613332,3.80266036093235,4.501760482788086 +3.0012902459006825,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7209964006666154,1.2238132953643799,1.3793559670448303,0.4837980460613332,3.80266036093235,4.501760482788086 +2.9821948352070784,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7209964006666154,1.2238132953643799,1.3793559670448303,0.4837980460613332,3.80266036093235,4.501760482788086 +2.938221604595241,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7209964006666154,1.2238132953643799,1.3793559670448303,0.4837980460613332,3.80266036093235,4.501760482788086 +3.0848817207056802,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7209964006666154,1.2238132953643799,1.3793559670448303,0.4837980460613332,3.80266036093235,4.501760482788086 +3.2308734280885365,1.8533783022058072,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8533783022058072,1.4845082759857178,1.5650686919689178,0.5670702026245442,3.8611427744229636,4.6903026580810545 +2.9534036155033236,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8533783022058072,1.4845082759857178,1.5650686919689178,0.5670702026245442,3.8611427744229636,4.6903026580810545 +3.262263197343708,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8533783022058072,1.4845082759857178,1.5650686919689178,0.5670702026245442,3.8611427744229636,4.6903026580810545 +2.9518601556841806,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8533783022058072,1.4845082759857178,1.5650686919689178,0.5670702026245442,3.8611427744229636,4.6903026580810545 +3.15384005743391,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8533783022058072,1.4845082759857178,1.5650686919689178,0.5670702026245442,3.8611427744229636,4.6903026580810545 +3.068831063787352,1.7828814986521604,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7828814986521604,1.355085849761963,1.44978629052639,0.5452014055657894,3.7361975759267807,4.246919631958007 +3.0736219467973647,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7828814986521604,1.355085849761963,1.44978629052639,0.5452014055657894,3.7361975759267807,4.246919631958007 +2.8224234630729716,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7828814986521604,1.355085849761963,1.44978629052639,0.5452014055657894,3.7361975759267807,4.246919631958007 +3.0788612742773145,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7828814986521604,1.355085849761963,1.44978629052639,0.5452014055657894,3.7361975759267807,4.246919631958007 +3.0144597077471915,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7828814986521604,1.355085849761963,1.44978629052639,0.5452014055657894,3.7361975759267807,4.246919631958007 +3.0622052991453135,1.7378373391650341,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7378373391650341,1.2670226097106934,1.3860925734043121,0.48286026446743213,3.8017602463563285,4.671335411071777 +3.058812561639066,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7378373391650341,1.2670226097106934,1.3860925734043121,0.48286026446743213,3.8017602463563285,4.671335411071777 +3.1777914943158785,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7378373391650341,1.2670226097106934,1.3860925734043121,0.48286026446743213,3.8017602463563285,4.671335411071777 +2.7755333757258973,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7378373391650341,1.2670226097106934,1.3860925734043121,0.48286026446743213,3.8017602463563285,4.671335411071777 +2.9330789059557825,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7378373391650341,1.2670226097106934,1.3860925734043121,0.48286026446743213,3.8017602463563285,4.671335411071777 +3.1148639451859808,2.026370595371912,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.026370595371912,1.629908561706543,1.7170184254646301,0.7109163822011745,4.0090072850386305,4.935340213775634 +3.4127478559838123,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.026370595371912,1.629908561706543,1.7170184254646301,0.7109163822011745,4.0090072850386305,4.935340213775634 +2.8398285209149674,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.026370595371912,1.629908561706543,1.7170184254646301,0.7109163822011745,4.0090072850386305,4.935340213775634 +2.9361617754073444,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.026370595371912,1.629908561706543,1.7170184254646301,0.7109163822011745,4.0090072850386305,4.935340213775634 +3.1530403659769917,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.026370595371912,1.629908561706543,1.7170184254646301,0.7109163822011745,4.0090072850386305,4.935340213775634 +2.9991799539107444,2.052134850865634,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.052134850865634,1.613497018814087,1.702665850520134,0.5877173221174706,4.24951500693957,5.4869791030883786 +2.988274713186916,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.052134850865634,1.613497018814087,1.702665850520134,0.5877173221174706,4.24951500693957,5.4869791030883786 +3.078630090231631,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.052134850865634,1.613497018814087,1.702665850520134,0.5877173221174706,4.24951500693957,5.4869791030883786 +3.098893275558162,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.052134850865634,1.613497018814087,1.702665850520134,0.5877173221174706,4.24951500693957,5.4869791030883786 +3.004257042344296,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.052134850865634,1.613497018814087,1.702665850520134,0.5877173221174706,4.24951500693957,5.4869791030883786 +3.006101771284848,1.9574570673956442,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9574570673956442,1.5137486457824707,1.6317284256219864,0.5490290481359401,4.075913468996684,4.8986968994140625 +3.1622293834478685,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9574570673956442,1.5137486457824707,1.6317284256219864,0.5490290481359401,4.075913468996684,4.8986968994140625 +2.755390357393231,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9574570673956442,1.5137486457824707,1.6317284256219864,0.5490290481359401,4.075913468996684,4.8986968994140625 +2.9324344084020657,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9574570673956442,1.5137486457824707,1.6317284256219864,0.5490290481359401,4.075913468996684,4.8986968994140625 +2.9100385351711022,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9574570673956442,1.5137486457824707,1.6317284256219864,0.5490290481359401,4.075913468996684,4.8986968994140625 +3.2191985947200363,1.916761908621069,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.916761908621069,1.5839972496032715,1.616739422082901,0.5011347483130212,3.9679520775874457,5.027362632751464 +2.9130366517914004,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.916761908621069,1.5839972496032715,1.616739422082901,0.5011347483130212,3.9679520775874457,5.027362632751464 +3.1659842500939845,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.916761908621069,1.5839972496032715,1.616739422082901,0.5011347483130212,3.9679520775874457,5.027362632751464 +3.0809378340683073,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.916761908621069,1.5839972496032715,1.616739422082901,0.5011347483130212,3.9679520775874457,5.027362632751464 +2.978933586648083,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.916761908621069,1.5839972496032715,1.616739422082901,0.5011347483130212,3.9679520775874457,5.027362632751464 +2.9958007533034423,1.8167823660310614,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8167823660310614,1.3717352151870728,1.456407517194748,0.4881394733773901,3.881921867529551,4.7090428352355955 +3.012076491494921,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8167823660310614,1.3717352151870728,1.456407517194748,0.4881394733773901,3.881921867529551,4.7090428352355955 +3.170659677393361,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8167823660310614,1.3717352151870728,1.456407517194748,0.4881394733773901,3.881921867529551,4.7090428352355955 +2.9462414013128484,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8167823660310614,1.3717352151870728,1.456407517194748,0.4881394733773901,3.881921867529551,4.7090428352355955 +3.191237496531576,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8167823660310614,1.3717352151870728,1.456407517194748,0.4881394733773901,3.881921867529551,4.7090428352355955 +3.000695106005763,2.1100398475530917,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1100398475530917,1.72055983543396,1.8104975521564484,0.9750089708794939,3.897080034017563,4.480037403106689 +2.893061736957379,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1100398475530917,1.72055983543396,1.8104975521564484,0.9750089708794939,3.897080034017563,4.480037403106689 +3.0078825318404427,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1100398475530917,1.72055983543396,1.8104975521564484,0.9750089708794939,3.897080034017563,4.480037403106689 +3.2075562999242213,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1100398475530917,1.72055983543396,1.8104975521564484,0.9750089708794939,3.897080034017563,4.480037403106689 +3.1732826146609234,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1100398475530917,1.72055983543396,1.8104975521564484,0.9750089708794939,3.897080034017563,4.480037403106689 +3.0113744574124706,2.180959619502857,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.180959619502857,1.9335057735443115,1.9479585886001587,0.633346047648724,4.151408558090528,4.761550426483153 +2.9548086791365633,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.180959619502857,1.9335057735443115,1.9479585886001587,0.633346047648724,4.151408558090528,4.761550426483153 +3.0926173268411907,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.180959619502857,1.9335057735443115,1.9479585886001587,0.633346047648724,4.151408558090528,4.761550426483153 +2.9811921292488366,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.180959619502857,1.9335057735443115,1.9479585886001587,0.633346047648724,4.151408558090528,4.761550426483153 +2.997596369864601,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.180959619502857,1.9335057735443115,1.9479585886001587,0.633346047648724,4.151408558090528,4.761550426483153 +3.0137974904914016,1.9207641929388046,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9207641929388046,1.4931832551956177,1.640190839767456,0.6381579329992862,3.7861611445744834,4.58145637512207 +3.091776546002378,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9207641929388046,1.4931832551956177,1.640190839767456,0.6381579329992862,3.7861611445744834,4.58145637512207 +2.9545041341187144,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9207641929388046,1.4931832551956177,1.640190839767456,0.6381579329992862,3.7861611445744834,4.58145637512207 +3.082397359145663,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9207641929388046,1.4931832551956177,1.640190839767456,0.6381579329992862,3.7861611445744834,4.58145637512207 +3.1517565896769,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9207641929388046,1.4931832551956177,1.640190839767456,0.6381579329992862,3.7861611445744834,4.58145637512207 +3.023429788570448,2.0747806294254527,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0747806294254527,1.7510008811950684,1.7857461869716644,0.6341310270289158,4.10927814245224,4.916287040710448 +3.1056433314147913,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0747806294254527,1.7510008811950684,1.7857461869716644,0.6341310270289158,4.10927814245224,4.916287040710448 +3.0480073457657504,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0747806294254527,1.7510008811950684,1.7857461869716644,0.6341310270289158,4.10927814245224,4.916287040710448 +3.090072161604043,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0747806294254527,1.7510008811950684,1.7857461869716644,0.6341310270289158,4.10927814245224,4.916287040710448 +3.186327385949585,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.0747806294254527,1.7510008811950684,1.7857461869716644,0.6341310270289158,4.10927814245224,4.916287040710448 +3.123808773180426,1.708940606702257,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.708940606702257,1.3032625913619995,1.4047055691480637,0.4093215432255826,3.6176810463269553,4.6623231887817385 +3.1838727430845943,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.708940606702257,1.3032625913619995,1.4047055691480637,0.4093215432255826,3.6176810463269553,4.6623231887817385 +2.8846047480534125,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.708940606702257,1.3032625913619995,1.4047055691480637,0.4093215432255826,3.6176810463269553,4.6623231887817385 +2.9696536967850298,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.708940606702257,1.3032625913619995,1.4047055691480637,0.4093215432255826,3.6176810463269553,4.6623231887817385 +2.852929364997982,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.708940606702257,1.3032625913619995,1.4047055691480637,0.4093215432255826,3.6176810463269553,4.6623231887817385 +3.2111973956345254,2.6561419311418106,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.6561419311418106,2.3837592601776123,2.4092454314231873,1.0900582698114374,4.783829063177109,5.629128360748291 +3.2705897633428624,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.6561419311418106,2.3837592601776123,2.4092454314231873,1.0900582698114374,4.783829063177109,5.629128360748291 +3.1257088036917757,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.6561419311418106,2.3837592601776123,2.4092454314231873,1.0900582698114374,4.783829063177109,5.629128360748291 +3.1822203552660024,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.6561419311418106,2.3837592601776123,2.4092454314231873,1.0900582698114374,4.783829063177109,5.629128360748291 +2.8823388479551726,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.6561419311418106,2.3837592601776123,2.4092454314231873,1.0900582698114374,4.783829063177109,5.629128360748291 +3.180914993041581,2.548933245675274,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.548933245675274,2.203714370727539,2.2858978509902954,0.9482187622405113,4.732708324988683,6.024104976654051 +3.154445993338065,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.548933245675274,2.203714370727539,2.2858978509902954,0.9482187622405113,4.732708324988683,6.024104976654051 +3.041519071680732,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.548933245675274,2.203714370727539,2.2858978509902954,0.9482187622405113,4.732708324988683,6.024104976654051 +2.9985164460925127,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.548933245675274,2.203714370727539,2.2858978509902954,0.9482187622405113,4.732708324988683,6.024104976654051 +2.9276164243474483,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.548933245675274,2.203714370727539,2.2858978509902954,0.9482187622405113,4.732708324988683,6.024104976654051 +2.950921156455942,1.8598362781383373,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8598362781383373,1.3211579322814941,1.482656866312027,0.5069508007232179,4.065456201632817,4.878189849853515 +2.8963601000036916,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8598362781383373,1.3211579322814941,1.482656866312027,0.5069508007232179,4.065456201632817,4.878189849853515 +3.0980869864646867,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8598362781383373,1.3211579322814941,1.482656866312027,0.5069508007232179,4.065456201632817,4.878189849853515 +3.2783199210398117,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8598362781383373,1.3211579322814941,1.482656866312027,0.5069508007232179,4.065456201632817,4.878189849853515 +2.9731925590686243,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8598362781383373,1.3211579322814941,1.482656866312027,0.5069508007232179,4.065456201632817,4.878189849853515 +3.1068196999287543,2.276539804601165,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.276539804601165,1.898985505104065,1.9628978073596954,0.9058091900450118,4.258728727698326,5.123327922821045 +3.1233620763336134,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.276539804601165,1.898985505104065,1.9628978073596954,0.9058091900450118,4.258728727698326,5.123327922821045 +3.1282426631545013,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.276539804601165,1.898985505104065,1.9628978073596954,0.9058091900450118,4.258728727698326,5.123327922821045 +3.0720345905163673,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.276539804601165,1.898985505104065,1.9628978073596954,0.9058091900450118,4.258728727698326,5.123327922821045 +2.9788038139292934,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.276539804601165,1.898985505104065,1.9628978073596954,0.9058091900450118,4.258728727698326,5.123327922821045 +3.3090258187031996,2.3460800665869286,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.3460800665869286,1.745627999305725,1.913739800453186,0.6576401347175558,4.944104254245758,6.049369335174559 +3.277821343854109,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.3460800665869286,1.745627999305725,1.913739800453186,0.6576401347175558,4.944104254245758,6.049369335174559 +2.8555245210163513,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.3460800665869286,1.745627999305725,1.913739800453186,0.6576401347175558,4.944104254245758,6.049369335174559 +3.0951028222852144,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.3460800665869286,1.745627999305725,1.913739800453186,0.6576401347175558,4.944104254245758,6.049369335174559 +3.1032272574533573,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.3460800665869286,1.745627999305725,1.913739800453186,0.6576401347175558,4.944104254245758,6.049369335174559 +3.1737616526302057,1.8873292593650086,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8873292593650086,1.463932991027832,1.5808068960905075,0.5620919090319187,3.8279221653938293,4.5671848297119135 +2.846962027644891,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8873292593650086,1.463932991027832,1.5808068960905075,0.5620919090319187,3.8279221653938293,4.5671848297119135 +3.006260256477113,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8873292593650086,1.463932991027832,1.5808068960905075,0.5620919090319187,3.8279221653938293,4.5671848297119135 +2.977678066940295,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8873292593650086,1.463932991027832,1.5808068960905075,0.5620919090319187,3.8279221653938293,4.5671848297119135 +3.112466249546149,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8873292593650086,1.463932991027832,1.5808068960905075,0.5620919090319187,3.8279221653938293,4.5671848297119135 +2.873136992740757,1.9032847771726589,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9032847771726589,1.3870567083358765,1.571230724453926,0.588785321471539,3.965528512994448,4.70030355453491 +3.17689072165766,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9032847771726589,1.3870567083358765,1.571230724453926,0.588785321471539,3.965528512994448,4.70030355453491 +3.0679697412456877,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9032847771726589,1.3870567083358765,1.571230724453926,0.588785321471539,3.965528512994448,4.70030355453491 +3.354903765592852,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9032847771726589,1.3870567083358765,1.571230724453926,0.588785321471539,3.965528512994448,4.70030355453491 +2.932730871643429,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9032847771726589,1.3870567083358765,1.571230724453926,0.588785321471539,3.965528512994448,4.70030355453491 +3.210787203506933,1.838808323261599,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.838808323261599,1.3996965885162354,1.5021496713161469,0.503671830955972,3.896865025162697,4.991082668304443 +2.9665928309817744,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.838808323261599,1.3996965885162354,1.5021496713161469,0.503671830955972,3.896865025162697,4.991082668304443 +2.940035828028002,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.838808323261599,1.3996965885162354,1.5021496713161469,0.503671830955972,3.896865025162697,4.991082668304443 +3.0753032102748397,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.838808323261599,1.3996965885162354,1.5021496713161469,0.503671830955972,3.896865025162697,4.991082668304443 +3.141946514119888,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.838808323261599,1.3996965885162354,1.5021496713161469,0.503671830955972,3.896865025162697,4.991082668304443 +3.0808360524337965,1.9096841715552189,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9096841715552189,1.468204379081726,1.5978040397167206,0.5908362794112652,3.9160494009653726,4.562141704559326 +3.0760932468408644,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9096841715552189,1.468204379081726,1.5978040397167206,0.5908362794112652,3.9160494009653726,4.562141704559326 +3.0646757062789947,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9096841715552189,1.468204379081726,1.5978040397167206,0.5908362794112652,3.9160494009653726,4.562141704559326 +3.005351821987799,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9096841715552189,1.468204379081726,1.5978040397167206,0.5908362794112652,3.9160494009653726,4.562141704559326 +3.1552021702392747,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.9096841715552189,1.468204379081726,1.5978040397167206,0.5908362794112652,3.9160494009653726,4.562141704559326 +2.971263687104223,1.7946303657123022,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946303657123022,1.3044631481170654,1.463852807879448,0.42749196417788243,3.910123333334923,4.646281147003172 +3.217165105320061,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946303657123022,1.3044631481170654,1.463852807879448,0.42749196417788243,3.910123333334923,4.646281147003172 +3.277496273508959,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946303657123022,1.3044631481170654,1.463852807879448,0.42749196417788243,3.910123333334923,4.646281147003172 +2.9457398670723065,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946303657123022,1.3044631481170654,1.463852807879448,0.42749196417788243,3.910123333334923,4.646281147003172 +3.240054410786459,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7946303657123022,1.3044631481170654,1.463852807879448,0.42749196417788243,3.910123333334923,4.646281147003172 +3.1972347316491887,1.8535819541288432,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8535819541288432,1.4133315086364746,1.5185717046260834,0.423189990856546,3.9658526480197906,4.820783615112305 +3.073514679038902,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8535819541288432,1.4133315086364746,1.5185717046260834,0.423189990856546,3.9658526480197906,4.820783615112305 +3.274428192201736,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8535819541288432,1.4133315086364746,1.5185717046260834,0.423189990856546,3.9658526480197906,4.820783615112305 +2.9866488641594833,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8535819541288432,1.4133315086364746,1.5185717046260834,0.423189990856546,3.9658526480197906,4.820783615112305 +2.99027215019065,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8535819541288432,1.4133315086364746,1.5185717046260834,0.423189990856546,3.9658526480197906,4.820783615112305 +3.1375683088022677,2.1705496645478344,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1705496645478344,1.8365362882614136,1.9056631326675415,0.8054893904543937,4.058484549323718,4.723435878753661 +3.033881779081903,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1705496645478344,1.8365362882614136,1.9056631326675415,0.8054893904543937,4.058484549323718,4.723435878753661 +3.1775022452023856,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1705496645478344,1.8365362882614136,1.9056631326675415,0.8054893904543937,4.058484549323718,4.723435878753661 +3.2253043943313306,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1705496645478344,1.8365362882614136,1.9056631326675415,0.8054893904543937,4.058484549323718,4.723435878753661 +2.9153552170164665,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1705496645478344,1.8365362882614136,1.9056631326675415,0.8054893904543937,4.058484549323718,4.723435878753661 +3.0015218490660978,2.1479352919197585,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1479352919197585,1.849491000175476,1.9236617982387543,0.9695468069391048,3.8832303086916604,4.723757457733154 +3.145289262574864,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1479352919197585,1.849491000175476,1.9236617982387543,0.9695468069391048,3.8832303086916604,4.723757457733154 +3.167409859381439,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1479352919197585,1.849491000175476,1.9236617982387543,0.9695468069391048,3.8832303086916604,4.723757457733154 +3.2098344028546504,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1479352919197585,1.849491000175476,1.9236617982387543,0.9695468069391048,3.8832303086916604,4.723757457733154 +3.4800171662603643,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1479352919197585,1.849491000175476,1.9236617982387543,0.9695468069391048,3.8832303086916604,4.723757457733154 +2.890709132152686,2.1059568862593365,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1059568862593365,1.8629862070083618,1.8744151592254639,0.7655014792021285,4.016289909680684,4.939780616760253 +3.1292109800045598,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1059568862593365,1.8629862070083618,1.8744151592254639,0.7655014792021285,4.016289909680684,4.939780616760253 +2.962870707298017,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1059568862593365,1.8629862070083618,1.8744151592254639,0.7655014792021285,4.016289909680684,4.939780616760253 +3.025901538322343,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1059568862593365,1.8629862070083618,1.8744151592254639,0.7655014792021285,4.016289909680684,4.939780616760253 +3.0706258247112537,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.1059568862593365,1.8629862070083618,1.8744151592254639,0.7655014792021285,4.016289909680684,4.939780616760253 +3.252936091912925,1.7973387155031402,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7973387155031402,1.307460069656372,1.4670473486185074,0.5180144241832673,3.761328488588333,4.361381816864013 +3.1045469306507654,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7973387155031402,1.307460069656372,1.4670473486185074,0.5180144241832673,3.761328488588333,4.361381816864013 +3.0210666825950616,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7973387155031402,1.307460069656372,1.4670473486185074,0.5180144241832673,3.761328488588333,4.361381816864013 +3.1648247491440546,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7973387155031402,1.307460069656372,1.4670473486185074,0.5180144241832673,3.761328488588333,4.361381816864013 +3.1937079080884248,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.7973387155031402,1.307460069656372,1.4670473486185074,0.5180144241832673,3.761328488588333,4.361381816864013 +2.895665123626236,2.429053054363639,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.429053054363639,2.0668697357177734,2.140810579061508,1.17762638691892,4.269948427875836,4.904190349578856 +2.9284164543438083,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.429053054363639,2.0668697357177734,2.140810579061508,1.17762638691892,4.269948427875836,4.904190349578856 +2.916913887107435,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.429053054363639,2.0668697357177734,2.140810579061508,1.17762638691892,4.269948427875836,4.904190349578856 +3.283423917451603,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.429053054363639,2.0668697357177734,2.140810579061508,1.17762638691892,4.269948427875836,4.904190349578856 +3.089885430376102,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.429053054363639,2.0668697357177734,2.140810579061508,1.17762638691892,4.269948427875836,4.904190349578856 +3.0223352512968877,1.8720676265065632,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8720676265065632,1.5058420896530151,1.5950440466403961,0.5125340591085717,3.8541260013977685,4.639619541168212 +3.1954051155528167,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8720676265065632,1.5058420896530151,1.5950440466403961,0.5125340591085717,3.8541260013977685,4.639619541168212 +3.0067915829552194,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8720676265065632,1.5058420896530151,1.5950440466403961,0.5125340591085717,3.8541260013977685,4.639619541168212 +3.097829873336966,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8720676265065632,1.5058420896530151,1.5950440466403961,0.5125340591085717,3.8541260013977685,4.639619541168212 +2.926414883860183,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8720676265065632,1.5058420896530151,1.5950440466403961,0.5125340591085717,3.8541260013977685,4.639619541168212 +3.03491413502863,1.8004495491268773,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8004495491268773,1.5477545261383057,1.5616264194250107,0.4883899913823351,3.7093978573878608,4.382386493682861 +3.125830705923896,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8004495491268773,1.5477545261383057,1.5616264194250107,0.4883899913823351,3.7093978573878608,4.382386493682861 +3.237489939718888,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8004495491268773,1.5477545261383057,1.5616264194250107,0.4883899913823351,3.7093978573878608,4.382386493682861 +3.068733447577834,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8004495491268773,1.5477545261383057,1.5616264194250107,0.4883899913823351,3.7093978573878608,4.382386493682861 +3.2672516819197774,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,1.8004495491268773,1.5477545261383057,1.5616264194250107,0.4883899913823351,3.7093978573878608,4.382386493682861 +2.895737619131882,2.362333273327855,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.362333273327855,2.06705904006958,2.1204629838466644,0.7210792260284119,4.479958549141884,5.253527450561523 +3.3374163209015903,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.362333273327855,2.06705904006958,2.1204629838466644,0.7210792260284119,4.479958549141884,5.253527450561523 +2.9754162159475612,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.362333273327855,2.06705904006958,2.1204629838466644,0.7210792260284119,4.479958549141884,5.253527450561523 +3.030473740225889,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.362333273327855,2.06705904006958,2.1204629838466644,0.7210792260284119,4.479958549141884,5.253527450561523 +3.005992085331348,0,1.6907874562989467,1.2665592432022095,1.3937730193138123,0.49703120281721686,3.626563608646393,4.33001708984375,2.362333273327855,2.06705904006958,2.1204629838466644,0.7210792260284119,4.479958549141884,5.253527450561523 +3.08698836305132,1.6861794129723595,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816 +2.924993508841872,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816 +2.9112273326689144,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816 +3.2038534523078823,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816 +3.1184990216528203,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816 +3.0926995071580037,2.1367791611996907,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1367791611996907,1.904439926147461,1.9151016175746918,0.7952865330462761,3.985135277112325,4.757394981384277 +2.9031454215027725,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1367791611996907,1.904439926147461,1.9151016175746918,0.7952865330462761,3.985135277112325,4.757394981384277 +3.135541116440359,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1367791611996907,1.904439926147461,1.9151016175746918,0.7952865330462761,3.985135277112325,4.757394981384277 +2.917499297703948,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1367791611996907,1.904439926147461,1.9151016175746918,0.7952865330462761,3.985135277112325,4.757394981384277 +3.1337927056373265,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1367791611996907,1.904439926147461,1.9151016175746918,0.7952865330462761,3.985135277112325,4.757394981384277 +3.2827480777626303,2.55757914586042,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.55757914586042,2.1982014179229736,2.307136446237564,1.550987421198094,4.113048627972603,4.827525043487548 +3.0872231283296383,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.55757914586042,2.1982014179229736,2.307136446237564,1.550987421198094,4.113048627972603,4.827525043487548 +3.2519540918455276,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.55757914586042,2.1982014179229736,2.307136446237564,1.550987421198094,4.113048627972603,4.827525043487548 +2.8983113479488445,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.55757914586042,2.1982014179229736,2.307136446237564,1.550987421198094,4.113048627972603,4.827525043487548 +2.7543824197119964,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.55757914586042,2.1982014179229736,2.307136446237564,1.550987421198094,4.113048627972603,4.827525043487548 +3.143240925524197,2.1192392977299512,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1192392977299512,1.7723299264907837,1.8599509298801422,0.8248073328682717,3.956665779153506,4.7192081451416 +2.8161915832034516,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1192392977299512,1.7723299264907837,1.8599509298801422,0.8248073328682717,3.956665779153506,4.7192081451416 +2.8366056485666764,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1192392977299512,1.7723299264907837,1.8599509298801422,0.8248073328682717,3.956665779153506,4.7192081451416 +2.9936195544328412,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1192392977299512,1.7723299264907837,1.8599509298801422,0.8248073328682717,3.956665779153506,4.7192081451416 +3.123603520929656,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1192392977299512,1.7723299264907837,1.8599509298801422,0.8248073328682717,3.956665779153506,4.7192081451416 +2.9413046038127195,2.313189185879849,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.313189185879849,2.119879722595215,2.1502232551574707,0.890811673187195,4.121858239173889,4.71607027053833 +2.987221132816457,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.313189185879849,2.119879722595215,2.1502232551574707,0.890811673187195,4.121858239173889,4.71607027053833 +3.0248118955101377,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.313189185879849,2.119879722595215,2.1502232551574707,0.890811673187195,4.121858239173889,4.71607027053833 +3.0091441547729096,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.313189185879849,2.119879722595215,2.1502232551574707,0.890811673187195,4.121858239173889,4.71607027053833 +2.8864390497393217,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.313189185879849,2.119879722595215,2.1502232551574707,0.890811673187195,4.121858239173889,4.71607027053833 +2.967686085222107,2.054647568435896,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.054647568435896,1.467004418373108,1.659965693950653,0.5628118809867413,4.382562344272931,5.381263732910156 +2.932212922260126,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.054647568435896,1.467004418373108,1.659965693950653,0.5628118809867413,4.382562344272931,5.381263732910156 +3.058949287047015,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.054647568435896,1.467004418373108,1.659965693950653,0.5628118809867413,4.382562344272931,5.381263732910156 +3.031945137557694,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.054647568435896,1.467004418373108,1.659965693950653,0.5628118809867413,4.382562344272931,5.381263732910156 +2.825896009448965,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.054647568435896,1.467004418373108,1.659965693950653,0.5628118809867413,4.382562344272931,5.381263732910156 +3.066839000873641,2.1888300953482194,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1888300953482194,1.8276703357696533,1.8884362876415253,1.0784005879404697,3.938759202758471,4.651919174194336 +2.95099552243083,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1888300953482194,1.8276703357696533,1.8884362876415253,1.0784005879404697,3.938759202758471,4.651919174194336 +2.9331061354688415,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1888300953482194,1.8276703357696533,1.8884362876415253,1.0784005879404697,3.938759202758471,4.651919174194336 +3.1443876191423246,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1888300953482194,1.8276703357696533,1.8884362876415253,1.0784005879404697,3.938759202758471,4.651919174194336 +2.762382036247008,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.1888300953482194,1.8276703357696533,1.8884362876415253,1.0784005879404697,3.938759202758471,4.651919174194336 +3.342850812447889,2.174307894296747,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.174307894296747,1.7479805946350098,1.8774724900722504,0.7799312351865971,4.175102656086286,4.847212409973144 +2.9871600837616303,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.174307894296747,1.7479805946350098,1.8774724900722504,0.7799312351865971,4.175102656086286,4.847212409973144 +2.9210517021942892,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.174307894296747,1.7479805946350098,1.8774724900722504,0.7799312351865971,4.175102656086286,4.847212409973144 +3.1580166640374467,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.174307894296747,1.7479805946350098,1.8774724900722504,0.7799312351865971,4.175102656086286,4.847212409973144 +3.1352436979913145,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.174307894296747,1.7479805946350098,1.8774724900722504,0.7799312351865971,4.175102656086286,4.847212409973144 +2.950502570531771,1.9976324606194067,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.9976324606194067,1.657411813735962,1.7344979643821716,0.7306499227564386,3.823082427183787,4.457166290283203 +3.0759058581532464,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.9976324606194067,1.657411813735962,1.7344979643821716,0.7306499227564386,3.823082427183787,4.457166290283203 +3.140789595454695,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.9976324606194067,1.657411813735962,1.7344979643821716,0.7306499227564386,3.823082427183787,4.457166290283203 +3.1897096626440895,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.9976324606194067,1.657411813735962,1.7344979643821716,0.7306499227564386,3.823082427183787,4.457166290283203 +2.8255309740912002,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.9976324606194067,1.657411813735962,1.7344979643821716,0.7306499227564386,3.823082427183787,4.457166290283203 +2.8953029852272025,2.4423734741236167,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.4423734741236167,2.1789743900299072,2.2037505507469177,0.9546341071737573,4.520993123451869,5.461809253692627 +3.2109900454260742,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.4423734741236167,2.1789743900299072,2.2037505507469177,0.9546341071737573,4.520993123451869,5.461809253692627 +3.0645925740178153,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.4423734741236167,2.1789743900299072,2.2037505507469177,0.9546341071737573,4.520993123451869,5.461809253692627 +2.8674418597941664,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.4423734741236167,2.1789743900299072,2.2037505507469177,0.9546341071737573,4.520993123451869,5.461809253692627 +2.8925587759797993,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,2.4423734741236167,2.1789743900299072,2.2037505507469177,0.9546341071737573,4.520993123451869,5.461809253692627 +3.1138875713684944,1.8162471920882584,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8162471920882584,1.356817603111267,1.5318017601966858,0.48389654749251426,3.833869442343712,4.3462345123291 +2.8929185060523745,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8162471920882584,1.356817603111267,1.5318017601966858,0.48389654749251426,3.833869442343712,4.3462345123291 +2.964538061662054,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8162471920882584,1.356817603111267,1.5318017601966858,0.48389654749251426,3.833869442343712,4.3462345123291 +3.2046302635035917,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8162471920882584,1.356817603111267,1.5318017601966858,0.48389654749251426,3.833869442343712,4.3462345123291 +3.015536575998354,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8162471920882584,1.356817603111267,1.5318017601966858,0.48389654749251426,3.833869442343712,4.3462345123291 +2.919828964412055,1.8813092946690857,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8813092946690857,1.3479911088943481,1.5223020613193512,0.4963452441895262,4.00141956905524,4.748854064941407 +3.084529941778699,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8813092946690857,1.3479911088943481,1.5223020613193512,0.4963452441895262,4.00141956905524,4.748854064941407 +2.830384135246277,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8813092946690857,1.3479911088943481,1.5223020613193512,0.4963452441895262,4.00141956905524,4.748854064941407 +2.9956372566816047,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8813092946690857,1.3479911088943481,1.5223020613193512,0.4963452441895262,4.00141956905524,4.748854064941407 +3.0321039243706926,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.8813092946690857,1.3479911088943481,1.5223020613193512,0.4963452441895262,4.00141956905524,4.748854064941407 +3.2272060590164644,1.920253348019388,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.920253348019388,1.5105133056640625,1.6490275710821152,0.5198758571071828,4.029648656646411,4.665167140960692 +2.764047866013874,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.920253348019388,1.5105133056640625,1.6490275710821152,0.5198758571071828,4.029648656646411,4.665167140960692 +2.937405842491536,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.920253348019388,1.5105133056640625,1.6490275710821152,0.5198758571071828,4.029648656646411,4.665167140960692 +3.1385773748434627,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.920253348019388,1.5105133056640625,1.6490275710821152,0.5198758571071828,4.029648656646411,4.665167140960692 +2.8718462324747938,0,1.6861794129723595,1.1977931261062622,1.3180225938558578,0.3853901139599212,3.768985485037168,4.649341773986816,1.920253348019388,1.5105133056640625,1.6490275710821152,0.5198758571071828,4.029648656646411,4.665167140960692 +3.1674484500273237,1.6769397675439164,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135 +2.89566557374746,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135 +2.963523746165877,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135 +3.1150224713662684,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135 +3.0530326520743976,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135 +2.9231866960239286,1.7782297090247825,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.7782297090247825,1.405834674835205,1.4983858913183212,0.45870291933100277,3.7148220191399255,4.315334892272947 +2.9455404362412745,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.7782297090247825,1.405834674835205,1.4983858913183212,0.45870291933100277,3.7148220191399255,4.315334892272947 +3.009772435400763,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.7782297090247825,1.405834674835205,1.4983858913183212,0.45870291933100277,3.7148220191399255,4.315334892272947 +3.0671348855449847,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.7782297090247825,1.405834674835205,1.4983858913183212,0.45870291933100277,3.7148220191399255,4.315334892272947 +3.138039491225358,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.7782297090247825,1.405834674835205,1.4983858913183212,0.45870291933100277,3.7148220191399255,4.315334892272947 +3.127914151407798,1.9654198367759663,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9654198367759663,1.6132543087005615,1.6411187201738358,0.5196213126182556,4.134096329410871,5.135845470428466 +2.864519610116381,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9654198367759663,1.6132543087005615,1.6411187201738358,0.5196213126182556,4.134096329410871,5.135845470428466 +3.203169536739981,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9654198367759663,1.6132543087005615,1.6411187201738358,0.5196213126182556,4.134096329410871,5.135845470428466 +2.946542956682025,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9654198367759663,1.6132543087005615,1.6411187201738358,0.5196213126182556,4.134096329410871,5.135845470428466 +3.033277557518992,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9654198367759663,1.6132543087005615,1.6411187201738358,0.5196213126182556,4.134096329410871,5.135845470428466 +3.162944162465966,1.9568575354559081,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9568575354559081,1.6150729656219482,1.6982389390468597,0.5664779247438654,3.9499704092741013,4.829429340362548 +3.0515936405488873,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9568575354559081,1.6150729656219482,1.6982389390468597,0.5664779247438654,3.9499704092741013,4.829429340362548 +2.8008248590935505,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9568575354559081,1.6150729656219482,1.6982389390468597,0.5664779247438654,3.9499704092741013,4.829429340362548 +3.204514331683163,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9568575354559081,1.6150729656219482,1.6982389390468597,0.5664779247438654,3.9499704092741013,4.829429340362548 +3.2377978956872364,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9568575354559081,1.6150729656219482,1.6982389390468597,0.5664779247438654,3.9499704092741013,4.829429340362548 +2.988484897525455,1.8320624354497466,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8320624354497466,1.2838993072509766,1.4684794247150421,0.5152384711706892,4.0221884449323015,5.094863319396972 +3.0130801031803394,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8320624354497466,1.2838993072509766,1.4684794247150421,0.5152384711706892,4.0221884449323015,5.094863319396972 +2.762567114153764,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8320624354497466,1.2838993072509766,1.4684794247150421,0.5152384711706892,4.0221884449323015,5.094863319396972 +3.0005424780707246,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8320624354497466,1.2838993072509766,1.4684794247150421,0.5152384711706892,4.0221884449323015,5.094863319396972 +2.800011383590723,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8320624354497466,1.2838993072509766,1.4684794247150421,0.5152384711706892,4.0221884449323015,5.094863319396972 +3.0275251231202978,2.1922560756799405,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.1922560756799405,1.8965107202529907,1.9305381178855896,0.7798035614033962,4.179817239443461,4.946118831634521 +3.2698070391973277,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.1922560756799405,1.8965107202529907,1.9305381178855896,0.7798035614033962,4.179817239443461,4.946118831634521 +3.1279952817038685,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.1922560756799405,1.8965107202529907,1.9305381178855896,0.7798035614033962,4.179817239443461,4.946118831634521 +3.0033872039069602,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.1922560756799405,1.8965107202529907,1.9305381178855896,0.7798035614033962,4.179817239443461,4.946118831634521 +2.964595015826672,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.1922560756799405,1.8965107202529907,1.9305381178855896,0.7798035614033962,4.179817239443461,4.946118831634521 +3.1962607728617174,1.9741507579015676,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9741507579015676,1.5196837186813354,1.6390377134084702,0.5104594571476287,4.197088201840718,5.231202125549316 +3.0192664702838203,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9741507579015676,1.5196837186813354,1.6390377134084702,0.5104594571476287,4.197088201840718,5.231202125549316 +2.8416576801865587,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9741507579015676,1.5196837186813354,1.6390377134084702,0.5104594571476287,4.197088201840718,5.231202125549316 +3.1027779427988547,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9741507579015676,1.5196837186813354,1.6390377134084702,0.5104594571476287,4.197088201840718,5.231202125549316 +3.050336987016069,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9741507579015676,1.5196837186813354,1.6390377134084702,0.5104594571476287,4.197088201840718,5.231202125549316 +2.7173106060179055,1.9567544970010955,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9567544970010955,1.5993658304214478,1.6816818416118622,0.49818099385246317,4.048210973540942,4.585598468780518 +3.0830052625928515,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9567544970010955,1.5993658304214478,1.6816818416118622,0.49818099385246317,4.048210973540942,4.585598468780518 +2.8992037968341466,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9567544970010955,1.5993658304214478,1.6816818416118622,0.49818099385246317,4.048210973540942,4.585598468780518 +3.015454533586087,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9567544970010955,1.5993658304214478,1.6816818416118622,0.49818099385246317,4.048210973540942,4.585598468780518 +3.0673954722945798,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9567544970010955,1.5993658304214478,1.6816818416118622,0.49818099385246317,4.048210973540942,4.585598468780518 +3.0774111304048812,1.9178992583953514,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9178992583953514,1.3898755311965942,1.5099632292985916,0.48062423378863234,4.104862103859584,4.897578144073485 +2.9020168404819784,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9178992583953514,1.3898755311965942,1.5099632292985916,0.48062423378863234,4.104862103859584,4.897578144073485 +2.9874326798642215,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9178992583953514,1.3898755311965942,1.5099632292985916,0.48062423378863234,4.104862103859584,4.897578144073485 +2.966842414285388,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9178992583953514,1.3898755311965942,1.5099632292985916,0.48062423378863234,4.104862103859584,4.897578144073485 +3.146854496588021,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9178992583953514,1.3898755311965942,1.5099632292985916,0.48062423378863234,4.104862103859584,4.897578144073485 +3.034729691836639,1.9843798170171718,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9843798170171718,1.737987756729126,1.7763302028179169,0.7765669673681259,3.6489134381214776,3.927457332611082 +3.1341770958538735,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9843798170171718,1.737987756729126,1.7763302028179169,0.7765669673681259,3.6489134381214776,3.927457332611082 +3.2560486359457856,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9843798170171718,1.737987756729126,1.7763302028179169,0.7765669673681259,3.6489134381214776,3.927457332611082 +3.0419602435386905,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9843798170171718,1.737987756729126,1.7763302028179169,0.7765669673681259,3.6489134381214776,3.927457332611082 +2.968276529540959,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.9843798170171718,1.737987756729126,1.7763302028179169,0.7765669673681259,3.6489134381214776,3.927457332611082 +3.306609431856698,1.8006560042421653,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8006560042421653,1.398437738418579,1.5032415091991425,0.4265837225508183,3.8847016245126724,4.538043403625487 +2.8684320086736164,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8006560042421653,1.398437738418579,1.5032415091991425,0.4265837225508183,3.8847016245126724,4.538043403625487 +3.2353738482874426,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8006560042421653,1.398437738418579,1.5032415091991425,0.4265837225508183,3.8847016245126724,4.538043403625487 +3.0118850772723675,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8006560042421653,1.398437738418579,1.5032415091991425,0.4265837225508183,3.8847016245126724,4.538043403625487 +3.042548585476693,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8006560042421653,1.398437738418579,1.5032415091991425,0.4265837225508183,3.8847016245126724,4.538043403625487 +2.8498267726407516,2.0784228141345675,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0784228141345675,1.8157458305358887,1.8352776765823364,0.6710166411196932,4.040843854347865,4.798538780212402 +2.9571579839827833,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0784228141345675,1.8157458305358887,1.8352776765823364,0.6710166411196932,4.040843854347865,4.798538780212402 +3.0144030513109192,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0784228141345675,1.8157458305358887,1.8352776765823364,0.6710166411196932,4.040843854347865,4.798538780212402 +3.076055948133519,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0784228141345675,1.8157458305358887,1.8352776765823364,0.6710166411196932,4.040843854347865,4.798538780212402 +3.0760486477440456,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0784228141345675,1.8157458305358887,1.8352776765823364,0.6710166411196932,4.040843854347865,4.798538780212402 +3.151328138613921,2.0618162230839805,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0618162230839805,1.583626389503479,1.6784075796604156,0.5639309959208711,4.298471043507258,5.182182788848877 +3.0341489159927204,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0618162230839805,1.583626389503479,1.6784075796604156,0.5639309959208711,4.298471043507258,5.182182788848877 +2.908165195745497,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0618162230839805,1.583626389503479,1.6784075796604156,0.5639309959208711,4.298471043507258,5.182182788848877 +3.0863864282662132,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0618162230839805,1.583626389503479,1.6784075796604156,0.5639309959208711,4.298471043507258,5.182182788848877 +3.03058943907315,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,2.0618162230839805,1.583626389503479,1.6784075796604156,0.5639309959208711,4.298471043507258,5.182182788848877 +2.9944067944558754,1.8207363565920522,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8207363565920522,1.3717352151870728,1.4961997866630554,0.6143554959525453,3.6733311812082925,4.357081699371338 +3.0084341094094404,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8207363565920522,1.3717352151870728,1.4961997866630554,0.6143554959525453,3.6733311812082925,4.357081699371338 +3.1433485412385345,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8207363565920522,1.3717352151870728,1.4961997866630554,0.6143554959525453,3.6733311812082925,4.357081699371338 +3.0742250583417183,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8207363565920522,1.3717352151870728,1.4961997866630554,0.6143554959525453,3.6733311812082925,4.357081699371338 +2.881307035370049,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8207363565920522,1.3717352151870728,1.4961997866630554,0.6143554959525453,3.6733311812082925,4.357081699371338 +3.0275770759991416,1.8955948825078035,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8955948825078035,1.5058420896530151,1.5646271854639053,0.5281413486029239,3.9465720653533936,4.7247629165649405 +2.8282288448162634,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8955948825078035,1.5058420896530151,1.5646271854639053,0.5281413486029239,3.9465720653533936,4.7247629165649405 +3.1880431303602097,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8955948825078035,1.5058420896530151,1.5646271854639053,0.5281413486029239,3.9465720653533936,4.7247629165649405 +3.0883760097434148,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8955948825078035,1.5058420896530151,1.5646271854639053,0.5281413486029239,3.9465720653533936,4.7247629165649405 +3.239624992327514,0,1.6769397675439164,1.1953401565551758,1.3532377928495407,0.4045970669769226,3.7091955691576004,4.2487109184265135,1.8955948825078035,1.5058420896530151,1.5646271854639053,0.5281413486029239,3.9465720653533936,4.7247629165649405 diff --git a/MiAlgo/trained_models/fc4_sum/fold_0/model.pth b/MiAlgo/trained_models/fc4_sum/fold_0/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..66a3be1989f89eba194b9301709317598574aa55 --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_0/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74cf2b427f8eebbb457add1a52908030d7856e5e186b6b591da429ee20b59a26 +size 6839233 diff --git a/MiAlgo/trained_models/fc4_sum/fold_0/network.txt b/MiAlgo/trained_models/fc4_sum/fold_0/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..5d712dd9a675ffe55127e74cd4f0a678c7862c1e --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_0/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 3, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/trained_models/fc4_sum/fold_1/metrics.csv b/MiAlgo/trained_models/fc4_sum/fold_1/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..ddad0d87e517676b8c22ca1b694e34b2b8767ab3 --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_1/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +13.322191773580304,9.083155216034795,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168 +12.74128652338324,0,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168 +12.367888278290827,0,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168 +12.455706527995178,0,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168 +12.48322862924252,0,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168,9.083155216034795,7.293609142303467,7.512748599052429,4.709658007672492,16.66092489163081,18.698176383972168 +12.128762284861951,8.266475593232359,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805 +12.214019195154428,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805 +11.928768348630607,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805 +12.495084561941162,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805 +12.5278478350184,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805 +12.126879537374334,8.58691347144661,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.58691347144661,6.603044033050537,6.872736394405365,3.957773708282633,16.68679557243983,18.63007164001465 +11.631666013353383,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.58691347144661,6.603044033050537,6.872736394405365,3.957773708282633,16.68679557243983,18.63007164001465 +11.313730483187921,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.58691347144661,6.603044033050537,6.872736394405365,3.957773708282633,16.68679557243983,18.63007164001465 +11.099097095686814,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.58691347144661,6.603044033050537,6.872736394405365,3.957773708282633,16.68679557243983,18.63007164001465 +11.015160404402634,0,8.266475593232359,6.232468128204346,6.516157269477844,3.0350743684362858,17.250481804211933,19.056501388549805,8.58691347144661,6.603044033050537,6.872736394405365,3.957773708282633,16.68679557243983,18.63007164001465 +10.504621084868434,7.960724643543752,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145 +10.839150164108377,0,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145 +10.777891044670454,0,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145 +10.443560663758918,0,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145 +10.012083751848586,0,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145,7.960724643543752,5.717175006866455,6.298906981945038,3.5250579556252095,16.450468003749847,19.673970222473145 +10.070793645056236,7.297117657998469,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906 +10.677052962922291,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906 +9.840707702013795,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906 +9.864322559824041,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906 +9.70027645592348,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906 +9.921071068045315,7.5487029321530725,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.5487029321530725,5.890890598297119,6.228543221950531,3.8524690511378834,14.241398374239603,16.697083473205566 +9.91139881459092,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.5487029321530725,5.890890598297119,6.228543221950531,3.8524690511378834,14.241398374239603,16.697083473205566 +9.59406015790742,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.5487029321530725,5.890890598297119,6.228543221950531,3.8524690511378834,14.241398374239603,16.697083473205566 +9.52943732488693,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.5487029321530725,5.890890598297119,6.228543221950531,3.8524690511378834,14.241398374239603,16.697083473205566 +9.434770738098287,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.5487029321530725,5.890890598297119,6.228543221950531,3.8524690511378834,14.241398374239603,16.697083473205566 +9.331829041795958,7.363296530633697,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.363296530633697,4.370763301849365,5.459217756986618,1.9134876296875325,17.453813672065735,20.441425323486328 +9.068121920292826,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.363296530633697,4.370763301849365,5.459217756986618,1.9134876296875325,17.453813672065735,20.441425323486328 +8.430005543902318,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.363296530633697,4.370763301849365,5.459217756986618,1.9134876296875325,17.453813672065735,20.441425323486328 +9.838886502487906,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.363296530633697,4.370763301849365,5.459217756986618,1.9134876296875325,17.453813672065735,20.441425323486328 +9.42983564291772,0,7.297117657998469,6.030589580535889,6.385123193264008,2.57573705150726,14.331022103627523,16.235450744628906,7.363296530633697,4.370763301849365,5.459217756986618,1.9134876296875325,17.453813672065735,20.441425323486328 +8.324271264537892,5.259647494055214,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896 +7.652108266752026,0,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896 +7.162062532389512,0,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896 +7.020452096623514,0,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896 +6.971254168043719,0,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896,5.259647494055214,4.371211528778076,4.567436099052429,1.4024173750522289,10.577607144912085,12.829999446868896 +7.039051984602324,4.76974529862716,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709 +6.915028436746774,0,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709 +6.706113550406869,0,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709 +7.179566371978436,0,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709 +6.716640792411582,0,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709,4.76974529862716,3.3991482257843018,3.6413239240646362,0.9610889183079943,11.145917077859243,15.136594295501709 +6.643842690977557,4.496925917595469,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045 +6.806139482723781,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045 +6.3099874261993945,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045 +6.26268056141761,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045 +6.145778985728636,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045 +6.181959780204834,6.930724006672804,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,6.930724006672804,6.329981327056885,6.402566373348236,3.5268721681960087,11.415882050991058,12.586708545684814 +5.890443589469166,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,6.930724006672804,6.329981327056885,6.402566373348236,3.5268721681960087,11.415882050991058,12.586708545684814 +5.714354830094927,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,6.930724006672804,6.329981327056885,6.402566373348236,3.5268721681960087,11.415882050991058,12.586708545684814 +5.681093222938419,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,6.930724006672804,6.329981327056885,6.402566373348236,3.5268721681960087,11.415882050991058,12.586708545684814 +5.7517071085678175,0,4.496925917595469,3.48537540435791,3.690626710653305,1.4619039855104812,9.227205395698547,12.712390422821045,6.930724006672804,6.329981327056885,6.402566373348236,3.5268721681960087,11.415882050991058,12.586708545684814 +5.658882632693498,4.472928662574728,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322 +6.006316440807414,0,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322 +5.824360128877492,0,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322 +5.744108639084375,0,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322 +5.6770000434048296,0,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322,4.472928662574728,3.5330233573913574,3.8632549345493317,1.1460131837966594,8.950262049833933,10.702890872955322 +5.251264455463906,4.187336236862612,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148 +5.693385817169827,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148 +5.339370946352931,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148 +5.3434772976039255,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148 +5.518044096761104,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148 +5.228922665435376,4.473880332879995,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.473880332879995,3.904649257659912,3.9228585958480835,1.572905827392923,8.552439759174982,10.556681632995605 +5.299164709978458,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.473880332879995,3.904649257659912,3.9228585958480835,1.572905827392923,8.552439759174982,10.556681632995605 +5.416745321484238,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.473880332879995,3.904649257659912,3.9228585958480835,1.572905827392923,8.552439759174982,10.556681632995605 +5.406403910259986,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.473880332879995,3.904649257659912,3.9228585958480835,1.572905827392923,8.552439759174982,10.556681632995605 +5.27626742908746,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,4.473880332879995,3.904649257659912,3.9228585958480835,1.572905827392923,8.552439759174982,10.556681632995605 +5.557326706911904,6.090587212777263,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,6.090587212777263,5.622251033782959,5.612349599599838,2.330105370663582,10.732435156901678,13.638628482818604 +5.483816352700049,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,6.090587212777263,5.622251033782959,5.612349599599838,2.330105370663582,10.732435156901678,13.638628482818604 +5.094875030021927,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,6.090587212777263,5.622251033782959,5.612349599599838,2.330105370663582,10.732435156901678,13.638628482818604 +5.252257518727204,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,6.090587212777263,5.622251033782959,5.612349599599838,2.330105370663582,10.732435156901678,13.638628482818604 +4.814457339064196,0,4.187336236862612,3.2972283363342285,3.5518710911273956,1.4086965417608301,8.341450879971186,9.693914413452148,6.090587212777263,5.622251033782959,5.612349599599838,2.330105370663582,10.732435156901678,13.638628482818604 +5.091751701121938,3.727069772896966,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367 +4.967854563808884,0,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367 +5.154232691667124,0,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367 +5.039805374426931,0,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367 +5.282617924147006,0,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367,3.727069772896966,3.0086276531219482,3.193519949913025,1.1858766862052552,7.2521456976731615,8.816404342651367 +5.104309554500826,3.7072814756038928,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707 +5.360119011183949,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707 +5.279466399463481,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707 +5.339389766993826,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707 +5.030925521088532,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707 +5.036562314242204,4.2149708879555705,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.2149708879555705,3.45558762550354,3.6859036684036255,1.7365248494959893,7.723997106154759,9.046352863311768 +4.985555723902401,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.2149708879555705,3.45558762550354,3.6859036684036255,1.7365248494959893,7.723997106154759,9.046352863311768 +4.976893084355944,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.2149708879555705,3.45558762550354,3.6859036684036255,1.7365248494959893,7.723997106154759,9.046352863311768 +4.801841440899619,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.2149708879555705,3.45558762550354,3.6859036684036255,1.7365248494959893,7.723997106154759,9.046352863311768 +5.024847076687004,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.2149708879555705,3.45558762550354,3.6859036684036255,1.7365248494959893,7.723997106154759,9.046352863311768 +4.680445065548945,4.412427568934975,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.412427568934975,3.981231927871704,3.9850226789712906,1.2164366676452312,8.54033770163854,10.425618171691895 +4.85372108466113,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.412427568934975,3.981231927871704,3.9850226789712906,1.2164366676452312,8.54033770163854,10.425618171691895 +5.03014446593406,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.412427568934975,3.981231927871704,3.9850226789712906,1.2164366676452312,8.54033770163854,10.425618171691895 +4.595529654851327,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.412427568934975,3.981231927871704,3.9850226789712906,1.2164366676452312,8.54033770163854,10.425618171691895 +4.602654069029684,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,4.412427568934975,3.981231927871704,3.9850226789712906,1.2164366676452312,8.54033770163854,10.425618171691895 +5.129347229075052,3.8590282371062883,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.8590282371062883,3.3503000736236572,3.4425545632839203,1.596930499089525,7.012657523155212,7.911048173904419 +5.133533337032447,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.8590282371062883,3.3503000736236572,3.4425545632839203,1.596930499089525,7.012657523155212,7.911048173904419 +4.81066098224263,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.8590282371062883,3.3503000736236572,3.4425545632839203,1.596930499089525,7.012657523155212,7.911048173904419 +4.8504810493726,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.8590282371062883,3.3503000736236572,3.4425545632839203,1.596930499089525,7.012657523155212,7.911048173904419 +4.610377370283522,0,3.7072814756038928,3.0478672981262207,3.1610072255134583,0.8760379464068311,7.509096473455429,8.308140754699707,3.8590282371062883,3.3503000736236572,3.4425545632839203,1.596930499089525,7.012657523155212,7.911048173904419 +4.947331306749377,3.453266828550094,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045 +4.904980585927673,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045 +5.016502681714471,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045 +4.7900196887374875,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045 +4.78814325311693,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045 +4.733359185153673,3.687155813329819,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.687155813329819,3.038346529006958,3.211965098977089,1.1544871021141396,7.177397082249324,8.124091625213623 +4.7602411812117,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.687155813329819,3.038346529006958,3.211965098977089,1.1544871021141396,7.177397082249324,8.124091625213623 +5.350074854370612,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.687155813329819,3.038346529006958,3.211965098977089,1.1544871021141396,7.177397082249324,8.124091625213623 +4.903958718502395,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.687155813329819,3.038346529006958,3.211965098977089,1.1544871021141396,7.177397082249324,8.124091625213623 +4.391868942296157,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.687155813329819,3.038346529006958,3.211965098977089,1.1544871021141396,7.177397082249324,8.124091625213623 +4.7623973142958445,3.622424830121832,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.622424830121832,2.6995065212249756,2.91013965010643,0.9172082598856155,7.77890208363533,9.395561218261719 +4.42341649650895,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.622424830121832,2.6995065212249756,2.91013965010643,0.9172082598856155,7.77890208363533,9.395561218261719 +4.845237369878855,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.622424830121832,2.6995065212249756,2.91013965010643,0.9172082598856155,7.77890208363533,9.395561218261719 +4.643795002854629,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.622424830121832,2.6995065212249756,2.91013965010643,0.9172082598856155,7.77890208363533,9.395561218261719 +4.794901428551509,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.622424830121832,2.6995065212249756,2.91013965010643,0.9172082598856155,7.77890208363533,9.395561218261719 +4.96104103674623,3.7247948297031264,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.7247948297031264,3.1834611892700195,3.368395686149597,1.5859827031480505,6.782541553179423,7.934991121292114 +4.811928775329489,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.7247948297031264,3.1834611892700195,3.368395686149597,1.5859827031480505,6.782541553179423,7.934991121292114 +4.754083780418656,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.7247948297031264,3.1834611892700195,3.368395686149597,1.5859827031480505,6.782541553179423,7.934991121292114 +4.796538038619001,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.7247948297031264,3.1834611892700195,3.368395686149597,1.5859827031480505,6.782541553179423,7.934991121292114 +4.59481944199108,0,3.453266828550094,2.8836441040039062,2.9550598561763763,1.3526503256660827,6.608579128980637,8.215564250946045,3.7247948297031264,3.1834611892700195,3.368395686149597,1.5859827031480505,6.782541553179423,7.934991121292114 +4.66003478031892,2.927492300838388,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801 +4.69078933880405,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801 +4.661429954401219,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801 +4.569486401757764,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801 +4.530988694660227,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801 +4.819387711169549,3.0459435185836874,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0459435185836874,2.318999767303467,2.498446360230446,0.8153872058746663,6.322160164515178,7.248743057250977 +4.522949754480342,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0459435185836874,2.318999767303467,2.498446360230446,0.8153872058746663,6.322160164515178,7.248743057250977 +4.465946138043461,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0459435185836874,2.318999767303467,2.498446360230446,0.8153872058746663,6.322160164515178,7.248743057250977 +4.825622351262076,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0459435185836874,2.318999767303467,2.498446360230446,0.8153872058746663,6.322160164515178,7.248743057250977 +4.8323096282760405,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0459435185836874,2.318999767303467,2.498446360230446,0.8153872058746663,6.322160164515178,7.248743057250977 +4.7852885243272905,3.240978661554022,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.240978661554022,2.691300392150879,2.838090345263481,1.0491597015172878,6.325865725676219,7.238790988922119 +4.514370136279168,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.240978661554022,2.691300392150879,2.838090345263481,1.0491597015172878,6.325865725676219,7.238790988922119 +4.365389968063534,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.240978661554022,2.691300392150879,2.838090345263481,1.0491597015172878,6.325865725676219,7.238790988922119 +4.612934789029926,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.240978661554022,2.691300392150879,2.838090345263481,1.0491597015172878,6.325865725676219,7.238790988922119 +4.560606379723992,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.240978661554022,2.691300392150879,2.838090345263481,1.0491597015172878,6.325865725676219,7.238790988922119 +4.5376983972103275,3.721926208761038,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.721926208761038,3.0772078037261963,3.274799093604088,1.226436308882338,7.093191017707189,8.211517333984375 +4.62764467611237,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.721926208761038,3.0772078037261963,3.274799093604088,1.226436308882338,7.093191017707189,8.211517333984375 +4.639713843558132,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.721926208761038,3.0772078037261963,3.274799093604088,1.226436308882338,7.093191017707189,8.211517333984375 +4.635185044486105,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.721926208761038,3.0772078037261963,3.274799093604088,1.226436308882338,7.093191017707189,8.211517333984375 +4.126441149520305,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.721926208761038,3.0772078037261963,3.274799093604088,1.226436308882338,7.093191017707189,8.211517333984375 +4.720302248190822,3.9299885064207447,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.9299885064207447,3.396613121032715,3.495942622423172,1.6185027887212469,7.146527340014775,8.630014419555664 +4.2339421374333,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.9299885064207447,3.396613121032715,3.495942622423172,1.6185027887212469,7.146527340014775,8.630014419555664 +4.624924728819799,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.9299885064207447,3.396613121032715,3.495942622423172,1.6185027887212469,7.146527340014775,8.630014419555664 +4.43790753936736,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.9299885064207447,3.396613121032715,3.495942622423172,1.6185027887212469,7.146527340014775,8.630014419555664 +4.737365066768004,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.9299885064207447,3.396613121032715,3.495942622423172,1.6185027887212469,7.146527340014775,8.630014419555664 +4.55418704707047,3.202332176151076,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.202332176151076,2.5148167610168457,2.6801555454730988,0.9590361663635741,6.518784215052922,7.546207427978516 +4.496785554550687,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.202332176151076,2.5148167610168457,2.6801555454730988,0.9590361663635741,6.518784215052922,7.546207427978516 +4.348560925938723,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.202332176151076,2.5148167610168457,2.6801555454730988,0.9590361663635741,6.518784215052922,7.546207427978516 +4.333987752069529,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.202332176151076,2.5148167610168457,2.6801555454730988,0.9590361663635741,6.518784215052922,7.546207427978516 +4.485211452138203,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.202332176151076,2.5148167610168457,2.6801555454730988,0.9590361663635741,6.518784215052922,7.546207427978516 +4.093750475947831,3.1315502005565854,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.1315502005565854,2.465374708175659,2.6412360966205597,0.8186838940737096,6.539705008268356,7.505018949508667 +4.48070671771028,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.1315502005565854,2.465374708175659,2.6412360966205597,0.8186838940737096,6.539705008268356,7.505018949508667 +4.252828399248085,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.1315502005565854,2.465374708175659,2.6412360966205597,0.8186838940737096,6.539705008268356,7.505018949508667 +4.213070849544648,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.1315502005565854,2.465374708175659,2.6412360966205597,0.8186838940737096,6.539705008268356,7.505018949508667 +4.238546798692457,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.1315502005565854,2.465374708175659,2.6412360966205597,0.8186838940737096,6.539705008268356,7.505018949508667 +4.685038684454773,3.346988671815208,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.346988671815208,2.599625825881958,2.9132370054721832,0.9261496222399651,6.812203099330266,8.101583480834961 +4.5579015916949555,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.346988671815208,2.599625825881958,2.9132370054721832,0.9261496222399651,6.812203099330266,8.101583480834961 +4.26219027947921,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.346988671815208,2.599625825881958,2.9132370054721832,0.9261496222399651,6.812203099330266,8.101583480834961 +4.424194795679825,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.346988671815208,2.599625825881958,2.9132370054721832,0.9261496222399651,6.812203099330266,8.101583480834961 +4.442215565424067,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.346988671815208,2.599625825881958,2.9132370054721832,0.9261496222399651,6.812203099330266,8.101583480834961 +4.423857147797982,3.776412038395854,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.776412038395854,2.9916625022888184,3.206079676747322,1.052103636588188,7.755243798096974,9.320143222808838 +4.430406640355404,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.776412038395854,2.9916625022888184,3.206079676747322,1.052103636588188,7.755243798096974,9.320143222808838 +4.170358628548425,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.776412038395854,2.9916625022888184,3.206079676747322,1.052103636588188,7.755243798096974,9.320143222808838 +4.385968615901249,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.776412038395854,2.9916625022888184,3.206079676747322,1.052103636588188,7.755243798096974,9.320143222808838 +4.195221669339533,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.776412038395854,2.9916625022888184,3.206079676747322,1.052103636588188,7.755243798096974,9.320143222808838 +4.364847178761143,3.5869159785864864,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.5869159785864864,2.842071294784546,2.9512281268835068,1.28353266513094,7.244729181130727,9.515066623687744 +4.500203723418934,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.5869159785864864,2.842071294784546,2.9512281268835068,1.28353266513094,7.244729181130727,9.515066623687744 +4.249774297210203,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.5869159785864864,2.842071294784546,2.9512281268835068,1.28353266513094,7.244729181130727,9.515066623687744 +4.554903221660014,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.5869159785864864,2.842071294784546,2.9512281268835068,1.28353266513094,7.244729181130727,9.515066623687744 +4.209017990142186,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.5869159785864864,2.842071294784546,2.9512281268835068,1.28353266513094,7.244729181130727,9.515066623687744 +4.3187802956496375,4.670604062798136,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.670604062798136,3.6942739486694336,4.15747007727623,1.6214643279288679,9.015221188465754,9.990139961242676 +4.418505754213118,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.670604062798136,3.6942739486694336,4.15747007727623,1.6214643279288679,9.015221188465754,9.990139961242676 +4.175179664055453,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.670604062798136,3.6942739486694336,4.15747007727623,1.6214643279288679,9.015221188465754,9.990139961242676 +4.448587459361364,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.670604062798136,3.6942739486694336,4.15747007727623,1.6214643279288679,9.015221188465754,9.990139961242676 +4.070737512342493,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.670604062798136,3.6942739486694336,4.15747007727623,1.6214643279288679,9.015221188465754,9.990139961242676 +4.089271765310979,3.3199290231416363,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3199290231416363,2.5349724292755127,2.7676452696323395,0.9446614857049699,6.951548059781392,8.607285022735596 +4.168791745836286,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3199290231416363,2.5349724292755127,2.7676452696323395,0.9446614857049699,6.951548059781392,8.607285022735596 +4.3039995635457,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3199290231416363,2.5349724292755127,2.7676452696323395,0.9446614857049699,6.951548059781392,8.607285022735596 +4.145997579004467,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3199290231416363,2.5349724292755127,2.7676452696323395,0.9446614857049699,6.951548059781392,8.607285022735596 +4.619478904600169,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3199290231416363,2.5349724292755127,2.7676452696323395,0.9446614857049699,6.951548059781392,8.607285022735596 +4.372964829166941,3.030886496782927,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.030886496782927,2.3727312088012695,2.496641919016838,1.0042030744730157,6.2708607117335005,7.716552972793579 +4.305842594300404,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.030886496782927,2.3727312088012695,2.496641919016838,1.0042030744730157,6.2708607117335005,7.716552972793579 +3.910744115235951,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.030886496782927,2.3727312088012695,2.496641919016838,1.0042030744730157,6.2708607117335005,7.716552972793579 +4.342673580806989,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.030886496782927,2.3727312088012695,2.496641919016838,1.0042030744730157,6.2708607117335005,7.716552972793579 +4.176063638664683,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.030886496782927,2.3727312088012695,2.496641919016838,1.0042030744730157,6.2708607117335005,7.716552972793579 +4.187234469370753,3.0205167496469634,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0205167496469634,2.407371997833252,2.568239241838455,0.8650911065175179,6.080749660730362,7.117687702178955 +4.281187655596898,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0205167496469634,2.407371997833252,2.568239241838455,0.8650911065175179,6.080749660730362,7.117687702178955 +4.276908115580164,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0205167496469634,2.407371997833252,2.568239241838455,0.8650911065175179,6.080749660730362,7.117687702178955 +4.141502602149384,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0205167496469634,2.407371997833252,2.568239241838455,0.8650911065175179,6.080749660730362,7.117687702178955 +4.3501264880601545,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.0205167496469634,2.407371997833252,2.568239241838455,0.8650911065175179,6.080749660730362,7.117687702178955 +4.430457563868252,5.318071363171982,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,5.318071363171982,5.060240745544434,5.114517003297806,3.001775007298652,8.05711680650711,8.755290508270264 +4.416938565039034,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,5.318071363171982,5.060240745544434,5.114517003297806,3.001775007298652,8.05711680650711,8.755290508270264 +4.302552831425907,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,5.318071363171982,5.060240745544434,5.114517003297806,3.001775007298652,8.05711680650711,8.755290508270264 +4.201593346182326,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,5.318071363171982,5.060240745544434,5.114517003297806,3.001775007298652,8.05711680650711,8.755290508270264 +4.227174537824541,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,5.318071363171982,5.060240745544434,5.114517003297806,3.001775007298652,8.05711680650711,8.755290508270264 +4.384687907736877,4.89651123664454,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.89651123664454,4.5725178718566895,4.58803391456604,1.9987911325185856,8.596795539061228,9.747493743896484 +4.409406125782655,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.89651123664454,4.5725178718566895,4.58803391456604,1.9987911325185856,8.596795539061228,9.747493743896484 +4.262835352269028,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.89651123664454,4.5725178718566895,4.58803391456604,1.9987911325185856,8.596795539061228,9.747493743896484 +4.189329421943158,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.89651123664454,4.5725178718566895,4.58803391456604,1.9987911325185856,8.596795539061228,9.747493743896484 +4.118252206188615,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,4.89651123664454,4.5725178718566895,4.58803391456604,1.9987911325185856,8.596795539061228,9.747493743896484 +4.032695329711038,3.3722459769061723,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3722459769061723,2.9551897048950195,2.999981701374054,1.183708428702456,6.375824848810832,8.007893323898315 +4.197294716888777,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3722459769061723,2.9551897048950195,2.999981701374054,1.183708428702456,6.375824848810832,8.007893323898315 +4.12674103404546,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3722459769061723,2.9551897048950195,2.999981701374054,1.183708428702456,6.375824848810832,8.007893323898315 +3.9495019380704792,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3722459769061723,2.9551897048950195,2.999981701374054,1.183708428702456,6.375824848810832,8.007893323898315 +3.9753701172037847,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,3.3722459769061723,2.9551897048950195,2.999981701374054,1.183708428702456,6.375824848810832,8.007893323898315 +4.409428645528122,2.995091032568385,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.995091032568385,2.3897457122802734,2.4654184132814407,0.8434662208595174,6.279805928468704,7.67756724357605 +4.324460969679552,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.995091032568385,2.3897457122802734,2.4654184132814407,0.8434662208595174,6.279805928468704,7.67756724357605 +3.9450818857953784,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.995091032568385,2.3897457122802734,2.4654184132814407,0.8434662208595174,6.279805928468704,7.67756724357605 +4.005963568741194,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.995091032568385,2.3897457122802734,2.4654184132814407,0.8434662208595174,6.279805928468704,7.67756724357605 +4.2009790913851575,0,2.927492300838388,2.3140993118286133,2.445394352078438,0.848685474947412,6.112449631094933,7.172543525695801,2.995091032568385,2.3897457122802734,2.4654184132814407,0.8434662208595174,6.279805928468704,7.67756724357605 +4.036944635469338,2.8683927133289306,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999 +4.0653018097662486,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999 +4.232327764483283,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999 +3.8329805950745346,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999 +4.302924308224287,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999 +4.311786717619125,3.4284858938833183,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.4284858938833183,2.963590621948242,3.0145115107297897,1.131323608153678,6.5284133950869245,7.601638317108154 +4.0267743151091455,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.4284858938833183,2.963590621948242,3.0145115107297897,1.131323608153678,6.5284133950869245,7.601638317108154 +4.10496070996836,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.4284858938833183,2.963590621948242,3.0145115107297897,1.131323608153678,6.5284133950869245,7.601638317108154 +3.879811737992719,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.4284858938833183,2.963590621948242,3.0145115107297897,1.131323608153678,6.5284133950869245,7.601638317108154 +4.160347285139466,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.4284858938833183,2.963590621948242,3.0145115107297897,1.131323608153678,6.5284133950869245,7.601638317108154 +3.9235853544715544,3.6048777380382826,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6048777380382826,2.951676607131958,3.1708979457616806,1.1257642618519195,7.1224584976832075,7.792683839797974 +4.26633098958658,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6048777380382826,2.951676607131958,3.1708979457616806,1.1257642618519195,7.1224584976832075,7.792683839797974 +3.8333127805345573,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6048777380382826,2.951676607131958,3.1708979457616806,1.1257642618519195,7.1224584976832075,7.792683839797974 +3.9646299932774562,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6048777380382826,2.951676607131958,3.1708979457616806,1.1257642618519195,7.1224584976832075,7.792683839797974 +4.263295248862287,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6048777380382826,2.951676607131958,3.1708979457616806,1.1257642618519195,7.1224584976832075,7.792683839797974 +4.085885209137628,3.0332087800296814,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.0332087800296814,2.127988815307617,2.349799230694771,0.7488770779777081,6.746832475066185,8.64187479019165 +3.9587025399707674,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.0332087800296814,2.127988815307617,2.349799230694771,0.7488770779777081,6.746832475066185,8.64187479019165 +4.08587226324989,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.0332087800296814,2.127988815307617,2.349799230694771,0.7488770779777081,6.746832475066185,8.64187479019165 +3.7941404505971255,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.0332087800296814,2.127988815307617,2.349799230694771,0.7488770779777081,6.746832475066185,8.64187479019165 +4.014991805490986,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.0332087800296814,2.127988815307617,2.349799230694771,0.7488770779777081,6.746832475066185,8.64187479019165 +4.145200576010686,3.8186574212777677,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.8186574212777677,3.4523565769195557,3.508330762386322,1.6110907943641886,6.599320242802302,7.754055738449097 +4.329389688111743,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.8186574212777677,3.4523565769195557,3.508330762386322,1.6110907943641886,6.599320242802302,7.754055738449097 +4.157663043835435,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.8186574212777677,3.4523565769195557,3.508330762386322,1.6110907943641886,6.599320242802302,7.754055738449097 +4.096631345089614,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.8186574212777677,3.4523565769195557,3.508330762386322,1.6110907943641886,6.599320242802302,7.754055738449097 +4.040734742044296,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.8186574212777677,3.4523565769195557,3.508330762386322,1.6110907943641886,6.599320242802302,7.754055738449097 +3.912177017497131,3.9250611310229875,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.9250611310229875,3.3423430919647217,3.5734312534332275,1.344582329405115,7.300252149502437,8.145416736602783 +3.7242061261986863,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.9250611310229875,3.3423430919647217,3.5734312534332275,1.344582329405115,7.300252149502437,8.145416736602783 +4.047377197037325,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.9250611310229875,3.3423430919647217,3.5734312534332275,1.344582329405115,7.300252149502437,8.145416736602783 +3.9806499502940267,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.9250611310229875,3.3423430919647217,3.5734312534332275,1.344582329405115,7.300252149502437,8.145416736602783 +4.151469214149906,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.9250611310229875,3.3423430919647217,3.5734312534332275,1.344582329405115,7.300252149502437,8.145416736602783 +4.106779069123439,3.6102834179295296,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6102834179295296,3.104379653930664,3.1250545978546143,1.2941461906154106,6.986479898293813,8.469638347625732 +3.9813600306643733,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6102834179295296,3.104379653930664,3.1250545978546143,1.2941461906154106,6.986479898293813,8.469638347625732 +4.11188891095255,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6102834179295296,3.104379653930664,3.1250545978546143,1.2941461906154106,6.986479898293813,8.469638347625732 +3.8903770202113717,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6102834179295296,3.104379653930664,3.1250545978546143,1.2941461906154106,6.986479898293813,8.469638347625732 +4.072197951198572,0,2.8683927133289306,2.035862922668457,2.2285047471523285,0.7536533459069881,6.338109215100606,7.63995885848999,3.6102834179295296,3.104379653930664,3.1250545978546143,1.2941461906154106,6.986479898293813,8.469638347625732 +4.066712948268857,2.8220421219371374,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399 +3.856259393834309,0,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399 +3.9862542238175394,0,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399 +4.050479908283573,0,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399 +4.02641359928116,0,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399,2.8220421219371374,2.219996213912964,2.3422169536352158,0.7509717535465321,5.931690961122513,7.643358469009399 +4.007859377985924,2.808729038500661,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535 +4.038404889187383,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535 +4.078205171962632,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535 +3.7884711114299394,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535 +4.120103106495556,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535 +3.9127229333753926,3.3780106783537343,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,3.3780106783537343,2.830822229385376,3.0073703825473785,1.329034722865896,6.313698540131251,7.5454466342926025 +4.0626375874015315,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,3.3780106783537343,2.830822229385376,3.0073703825473785,1.329034722865896,6.313698540131251,7.5454466342926025 +4.408165965535597,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,3.3780106783537343,2.830822229385376,3.0073703825473785,1.329034722865896,6.313698540131251,7.5454466342926025 +3.89605830044582,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,3.3780106783537343,2.830822229385376,3.0073703825473785,1.329034722865896,6.313698540131251,7.5454466342926025 +4.132717661065511,0,2.808729038500661,2.2318661212921143,2.3143091797828674,0.928153617584959,5.655929724375407,6.8935723304748535,3.3780106783537343,2.830822229385376,3.0073703825473785,1.329034722865896,6.313698540131251,7.5454466342926025 +4.145799648342778,2.7979320130111036,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282 +3.86663568715518,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282 +3.8680192347546787,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282 +3.8565402413948147,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282 +3.8764272096025847,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282 +4.0439992366205475,3.4818509297533184,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.4818509297533184,3.011359453201294,3.1041784286499023,1.4108548411663542,6.237328916788101,7.119311571121216 +3.706764745597656,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.4818509297533184,3.011359453201294,3.1041784286499023,1.4108548411663542,6.237328916788101,7.119311571121216 +3.8413723884471533,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.4818509297533184,3.011359453201294,3.1041784286499023,1.4108548411663542,6.237328916788101,7.119311571121216 +4.031082591461883,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.4818509297533184,3.011359453201294,3.1041784286499023,1.4108548411663542,6.237328916788101,7.119311571121216 +3.7923713253331752,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.4818509297533184,3.011359453201294,3.1041784286499023,1.4108548411663542,6.237328916788101,7.119311571121216 +3.7372219883478603,3.773152622564925,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.773152622564925,3.333838701248169,3.4776868522167206,1.5112327121673745,6.651104897260666,7.734441518783569 +3.9331693475379237,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.773152622564925,3.333838701248169,3.4776868522167206,1.5112327121673745,6.651104897260666,7.734441518783569 +3.676456997462546,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.773152622564925,3.333838701248169,3.4776868522167206,1.5112327121673745,6.651104897260666,7.734441518783569 +4.038699994708562,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.773152622564925,3.333838701248169,3.4776868522167206,1.5112327121673745,6.651104897260666,7.734441518783569 +4.163483755104738,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.773152622564925,3.333838701248169,3.4776868522167206,1.5112327121673745,6.651104897260666,7.734441518783569 +4.089642769659545,4.118759481850719,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,4.118759481850719,3.540884017944336,3.5768909752368927,1.5684830616129206,7.71791950861613,10.001288414001465 +3.554015255338001,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,4.118759481850719,3.540884017944336,3.5768909752368927,1.5684830616129206,7.71791950861613,10.001288414001465 +3.8716387619469463,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,4.118759481850719,3.540884017944336,3.5768909752368927,1.5684830616129206,7.71791950861613,10.001288414001465 +3.918300493049685,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,4.118759481850719,3.540884017944336,3.5768909752368927,1.5684830616129206,7.71791950861613,10.001288414001465 +3.8697258633430502,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,4.118759481850719,3.540884017944336,3.5768909752368927,1.5684830616129206,7.71791950861613,10.001288414001465 +3.7932265947921207,3.2302857580453312,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.2302857580453312,2.6174843311309814,2.666220411658287,0.8271319558645817,6.885147442420323,8.87106466293335 +4.12071864295069,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.2302857580453312,2.6174843311309814,2.666220411658287,0.8271319558645817,6.885147442420323,8.87106466293335 +3.9301397630880617,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.2302857580453312,2.6174843311309814,2.666220411658287,0.8271319558645817,6.885147442420323,8.87106466293335 +3.928073317998284,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.2302857580453312,2.6174843311309814,2.666220411658287,0.8271319558645817,6.885147442420323,8.87106466293335 +3.7508996950971354,0,2.7979320130111036,2.1650075912475586,2.2987605184316635,0.8401997666409675,5.900124902526538,7.470081567764282,3.2302857580453312,2.6174843311309814,2.666220411658287,0.8271319558645817,6.885147442420323,8.87106466293335 +3.739005350979633,2.6950128400669047,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415 +3.9140390973508516,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415 +3.710163675426488,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415 +3.888590943433878,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415 +3.849541651949642,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415 +3.614011589605707,3.1329920670670988,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.1329920670670988,2.503662109375,2.5853693783283234,1.081812966852746,6.337169210116069,7.467896223068237 +3.7156731513593177,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.1329920670670988,2.503662109375,2.5853693783283234,1.081812966852746,6.337169210116069,7.467896223068237 +3.858522399173017,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.1329920670670988,2.503662109375,2.5853693783283234,1.081812966852746,6.337169210116069,7.467896223068237 +3.7557524554530253,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.1329920670670988,2.503662109375,2.5853693783283234,1.081812966852746,6.337169210116069,7.467896223068237 +3.796266613730701,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.1329920670670988,2.503662109375,2.5853693783283234,1.081812966852746,6.337169210116069,7.467896223068237 +3.931705875999099,3.046678448612777,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.046678448612777,2.339670181274414,2.5347152948379517,1.0597560751311323,6.197739904125531,7.739523410797119 +3.6586988485104524,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.046678448612777,2.339670181274414,2.5347152948379517,1.0597560751311323,6.197739904125531,7.739523410797119 +4.0109311237101215,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.046678448612777,2.339670181274414,2.5347152948379517,1.0597560751311323,6.197739904125531,7.739523410797119 +4.116427791687791,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.046678448612777,2.339670181274414,2.5347152948379517,1.0597560751311323,6.197739904125531,7.739523410797119 +3.564215358870415,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.046678448612777,2.339670181274414,2.5347152948379517,1.0597560751311323,6.197739904125531,7.739523410797119 +3.7104662269037663,3.4644770541116205,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.4644770541116205,2.8611550331115723,3.0039252042770386,1.7264771639032568,6.203359454870224,7.147254705429077 +3.861941162032379,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.4644770541116205,2.8611550331115723,3.0039252042770386,1.7264771639032568,6.203359454870224,7.147254705429077 +3.951567487885054,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.4644770541116205,2.8611550331115723,3.0039252042770386,1.7264771639032568,6.203359454870224,7.147254705429077 +3.811205773992311,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.4644770541116205,2.8611550331115723,3.0039252042770386,1.7264771639032568,6.203359454870224,7.147254705429077 +3.9632736502575936,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.4644770541116205,2.8611550331115723,3.0039252042770386,1.7264771639032568,6.203359454870224,7.147254705429077 +3.617379292134265,2.8556758853855557,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.8556758853855557,2.123753786087036,2.2887008786201477,0.8113728110143479,6.018471255898476,7.270751714706421 +3.7876948435798248,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.8556758853855557,2.123753786087036,2.2887008786201477,0.8113728110143479,6.018471255898476,7.270751714706421 +3.751321118611556,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.8556758853855557,2.123753786087036,2.2887008786201477,0.8113728110143479,6.018471255898476,7.270751714706421 +3.6345767966157876,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.8556758853855557,2.123753786087036,2.2887008786201477,0.8113728110143479,6.018471255898476,7.270751714706421 +3.7278252777789254,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.8556758853855557,2.123753786087036,2.2887008786201477,0.8113728110143479,6.018471255898476,7.270751714706421 +3.522766668794168,3.693339260226769,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.693339260226769,3.089968204498291,3.1857933700084686,1.5880058258771896,6.917061577240626,8.969794273376465 +3.5103411048018334,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.693339260226769,3.089968204498291,3.1857933700084686,1.5880058258771896,6.917061577240626,8.969794273376465 +3.8780176690544943,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.693339260226769,3.089968204498291,3.1857933700084686,1.5880058258771896,6.917061577240626,8.969794273376465 +3.685139549031498,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.693339260226769,3.089968204498291,3.1857933700084686,1.5880058258771896,6.917061577240626,8.969794273376465 +3.7968009537189644,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.693339260226769,3.089968204498291,3.1857933700084686,1.5880058258771896,6.917061577240626,8.969794273376465 +3.721683701525,3.175175732967117,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.175175732967117,2.721820116043091,2.7689811140298843,0.9992523066540981,6.221368839343389,7.120657205581665 +3.699709064329651,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.175175732967117,2.721820116043091,2.7689811140298843,0.9992523066540981,6.221368839343389,7.120657205581665 +3.664629817127549,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.175175732967117,2.721820116043091,2.7689811140298843,0.9992523066540981,6.221368839343389,7.120657205581665 +3.688189937972738,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.175175732967117,2.721820116043091,2.7689811140298843,0.9992523066540981,6.221368839343389,7.120657205581665 +3.898444609494203,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.175175732967117,2.721820116043091,2.7689811140298843,0.9992523066540981,6.221368839343389,7.120657205581665 +3.856546767391956,2.7305140039683637,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.7305140039683637,1.9024862051010132,2.1417341828346252,0.8105046673023955,5.933988432089488,7.51218843460083 +3.463204832604298,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.7305140039683637,1.9024862051010132,2.1417341828346252,0.8105046673023955,5.933988432089488,7.51218843460083 +3.4873527738040893,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.7305140039683637,1.9024862051010132,2.1417341828346252,0.8105046673023955,5.933988432089488,7.51218843460083 +3.9001565777377993,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.7305140039683637,1.9024862051010132,2.1417341828346252,0.8105046673023955,5.933988432089488,7.51218843460083 +3.930894939648852,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,2.7305140039683637,1.9024862051010132,2.1417341828346252,0.8105046673023955,5.933988432089488,7.51218843460083 +3.8165569092574425,3.158867828938037,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.158867828938037,2.5737462043762207,2.72564759850502,1.0031648485901508,6.373471220334371,7.830996513366699 +3.362260077514288,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.158867828938037,2.5737462043762207,2.72564759850502,1.0031648485901508,6.373471220334371,7.830996513366699 +3.6843306460573437,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.158867828938037,2.5737462043762207,2.72564759850502,1.0031648485901508,6.373471220334371,7.830996513366699 +3.8409324642715466,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.158867828938037,2.5737462043762207,2.72564759850502,1.0031648485901508,6.373471220334371,7.830996513366699 +3.766146952182608,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.158867828938037,2.5737462043762207,2.72564759850502,1.0031648485901508,6.373471220334371,7.830996513366699 +3.822214184491957,3.3856313198570804,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.3856313198570804,2.4223663806915283,2.7212367802858353,0.8478197574298433,7.484309643507004,9.435390949249268 +3.5138484087404587,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.3856313198570804,2.4223663806915283,2.7212367802858353,0.8478197574298433,7.484309643507004,9.435390949249268 +4.110480306062363,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.3856313198570804,2.4223663806915283,2.7212367802858353,0.8478197574298433,7.484309643507004,9.435390949249268 +3.76579921279567,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.3856313198570804,2.4223663806915283,2.7212367802858353,0.8478197574298433,7.484309643507004,9.435390949249268 +3.4126139607290376,0,2.6950128400669047,1.8456778526306152,2.137161821126938,0.6623400009058892,6.034268667300542,7.768301248550415,3.3856313198570804,2.4223663806915283,2.7212367802858353,0.8478197574298433,7.484309643507004,9.435390949249268 +3.770051307245022,2.6160867985006404,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946 +3.6828540027813506,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946 +3.864556068332189,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946 +3.9069699609469355,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946 +3.9443574851719707,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946 +3.7530668124319386,2.800880722584525,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.800880722584525,1.9817917346954346,2.2047312259674072,0.8470081100438503,6.082742989063263,7.640809059143066 +3.589243719290043,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.800880722584525,1.9817917346954346,2.2047312259674072,0.8470081100438503,6.082742989063263,7.640809059143066 +3.686868817977785,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.800880722584525,1.9817917346954346,2.2047312259674072,0.8470081100438503,6.082742989063263,7.640809059143066 +3.4726690549788803,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.800880722584525,1.9817917346954346,2.2047312259674072,0.8470081100438503,6.082742989063263,7.640809059143066 +3.5349464033698212,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.800880722584525,1.9817917346954346,2.2047312259674072,0.8470081100438503,6.082742989063263,7.640809059143066 +3.9579161106749616,3.014670534595769,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.014670534595769,2.3347291946411133,2.535600557923317,0.816989227812341,6.26686692237854,7.598607301712036 +3.7683768733663965,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.014670534595769,2.3347291946411133,2.535600557923317,0.816989227812341,6.26686692237854,7.598607301712036 +3.7078867919486145,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.014670534595769,2.3347291946411133,2.535600557923317,0.816989227812341,6.26686692237854,7.598607301712036 +3.627864200078366,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.014670534595769,2.3347291946411133,2.535600557923317,0.816989227812341,6.26686692237854,7.598607301712036 +3.852899954651806,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.014670534595769,2.3347291946411133,2.535600557923317,0.816989227812341,6.26686692237854,7.598607301712036 +3.68234751110684,3.52114959123559,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.52114959123559,3.100088596343994,3.1449877619743347,1.374104878686844,6.449950297673543,7.77709174156189 +3.5419065957834612,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.52114959123559,3.100088596343994,3.1449877619743347,1.374104878686844,6.449950297673543,7.77709174156189 +3.7282719473386634,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.52114959123559,3.100088596343994,3.1449877619743347,1.374104878686844,6.449950297673543,7.77709174156189 +3.566333198954477,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.52114959123559,3.100088596343994,3.1449877619743347,1.374104878686844,6.449950297673543,7.77709174156189 +3.6912823269237576,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.52114959123559,3.100088596343994,3.1449877619743347,1.374104878686844,6.449950297673543,7.77709174156189 +3.740624916450731,3.1599346539737043,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1599346539737043,2.6613869667053223,2.710216984152794,1.015447605163493,6.3370274404684706,7.582385540008545 +3.6782751843847077,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1599346539737043,2.6613869667053223,2.710216984152794,1.015447605163493,6.3370274404684706,7.582385540008545 +3.931124481167496,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1599346539737043,2.6613869667053223,2.710216984152794,1.015447605163493,6.3370274404684706,7.582385540008545 +3.532030119464315,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1599346539737043,2.6613869667053223,2.710216984152794,1.015447605163493,6.3370274404684706,7.582385540008545 +3.498816471042937,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1599346539737043,2.6613869667053223,2.710216984152794,1.015447605163493,6.3370274404684706,7.582385540008545 +3.7158638758075964,3.0005240742292703,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0005240742292703,2.576178789138794,2.6154836416244507,0.8296316009252629,5.9992349644502,7.511259078979492 +3.590448518113211,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0005240742292703,2.576178789138794,2.6154836416244507,0.8296316009252629,5.9992349644502,7.511259078979492 +3.6595035282504655,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0005240742292703,2.576178789138794,2.6154836416244507,0.8296316009252629,5.9992349644502,7.511259078979492 +3.6771142873468388,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0005240742292703,2.576178789138794,2.6154836416244507,0.8296316009252629,5.9992349644502,7.511259078979492 +3.8142651477013407,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0005240742292703,2.576178789138794,2.6154836416244507,0.8296316009252629,5.9992349644502,7.511259078979492 +3.946405182565397,3.3908935028533036,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3908935028533036,2.983996868133545,3.0492066740989685,1.211295593926247,6.25352081656456,7.6697680950164795 +3.9080350138543456,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3908935028533036,2.983996868133545,3.0492066740989685,1.211295593926247,6.25352081656456,7.6697680950164795 +3.495519181777691,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3908935028533036,2.983996868133545,3.0492066740989685,1.211295593926247,6.25352081656456,7.6697680950164795 +3.5920156862201362,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3908935028533036,2.983996868133545,3.0492066740989685,1.211295593926247,6.25352081656456,7.6697680950164795 +3.8722222216960924,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3908935028533036,2.983996868133545,3.0492066740989685,1.211295593926247,6.25352081656456,7.6697680950164795 +3.5309490031051385,3.105039451329808,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.105039451329808,2.3388335704803467,2.457461357116699,0.7907754926288382,6.804048612713814,8.792104244232178 +3.6599953403049184,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.105039451329808,2.3388335704803467,2.457461357116699,0.7907754926288382,6.804048612713814,8.792104244232178 +3.588620682254394,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.105039451329808,2.3388335704803467,2.457461357116699,0.7907754926288382,6.804048612713814,8.792104244232178 +3.3878290894927967,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.105039451329808,2.3388335704803467,2.457461357116699,0.7907754926288382,6.804048612713814,8.792104244232178 +3.7978999433688205,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.105039451329808,2.3388335704803467,2.457461357116699,0.7907754926288382,6.804048612713814,8.792104244232178 +3.626576446668697,3.7199002067456073,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.7199002067456073,3.087369680404663,3.271730601787567,1.8349681179574195,6.629456609487534,7.979032516479492 +3.6325452312708535,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.7199002067456073,3.087369680404663,3.271730601787567,1.8349681179574195,6.629456609487534,7.979032516479492 +3.4792860870691764,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.7199002067456073,3.087369680404663,3.271730601787567,1.8349681179574195,6.629456609487534,7.979032516479492 +3.4897568201354705,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.7199002067456073,3.087369680404663,3.271730601787567,1.8349681179574195,6.629456609487534,7.979032516479492 +3.8120098362234605,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.7199002067456073,3.087369680404663,3.271730601787567,1.8349681179574195,6.629456609487534,7.979032516479492 +3.5163091944051357,2.940852346376599,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.940852346376599,2.400043249130249,2.5318909287452698,0.9432775828432529,6.0239379207293196,7.332329988479614 +3.830080835450075,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.940852346376599,2.400043249130249,2.5318909287452698,0.9432775828432529,6.0239379207293196,7.332329988479614 +3.5743354953805713,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.940852346376599,2.400043249130249,2.5318909287452698,0.9432775828432529,6.0239379207293196,7.332329988479614 +3.9449152587777108,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.940852346376599,2.400043249130249,2.5318909287452698,0.9432775828432529,6.0239379207293196,7.332329988479614 +3.4586677431506883,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.940852346376599,2.400043249130249,2.5318909287452698,0.9432775828432529,6.0239379207293196,7.332329988479614 +3.513461855800936,3.165893063963396,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.165893063963396,2.211339235305786,2.4129606783390045,0.8767754238970736,7.175732612609863,9.779013633728027 +3.666435688180696,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.165893063963396,2.211339235305786,2.4129606783390045,0.8767754238970736,7.175732612609863,9.779013633728027 +3.4598503663780202,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.165893063963396,2.211339235305786,2.4129606783390045,0.8767754238970736,7.175732612609863,9.779013633728027 +3.6923318874061266,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.165893063963396,2.211339235305786,2.4129606783390045,0.8767754238970736,7.175732612609863,9.779013633728027 +3.8185132559319706,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.165893063963396,2.211339235305786,2.4129606783390045,0.8767754238970736,7.175732612609863,9.779013633728027 +3.5246885898535383,3.197468524515941,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.197468524515941,2.592085361480713,2.754872590303421,0.947408342615087,6.358361879984538,7.211144208908081 +3.5116931657734223,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.197468524515941,2.592085361480713,2.754872590303421,0.947408342615087,6.358361879984538,7.211144208908081 +3.66401193994505,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.197468524515941,2.592085361480713,2.754872590303421,0.947408342615087,6.358361879984538,7.211144208908081 +3.893158230762583,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.197468524515941,2.592085361480713,2.754872590303421,0.947408342615087,6.358361879984538,7.211144208908081 +3.4059615088355004,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.197468524515941,2.592085361480713,2.754872590303421,0.947408342615087,6.358361879984538,7.211144208908081 +3.5039420994468014,3.629827598626701,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.629827598626701,2.9971542358398438,3.0922854840755463,1.650455857845063,6.776273876428604,9.039933681488037 +3.329172486217016,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.629827598626701,2.9971542358398438,3.0922854840755463,1.650455857845063,6.776273876428604,9.039933681488037 +3.3587622652596125,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.629827598626701,2.9971542358398438,3.0922854840755463,1.650455857845063,6.776273876428604,9.039933681488037 +3.3994037842560827,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.629827598626701,2.9971542358398438,3.0922854840755463,1.650455857845063,6.776273876428604,9.039933681488037 +3.407433144748211,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.629827598626701,2.9971542358398438,3.0922854840755463,1.650455857845063,6.776273876428604,9.039933681488037 +3.509524665772915,3.628875855063893,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.628875855063893,3.07478928565979,3.240245759487152,1.4004884133947657,6.647498279809952,8.222983360290527 +3.675543072309829,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.628875855063893,3.07478928565979,3.240245759487152,1.4004884133947657,6.647498279809952,8.222983360290527 +3.774037412963116,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.628875855063893,3.07478928565979,3.240245759487152,1.4004884133947657,6.647498279809952,8.222983360290527 +3.4300413734084416,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.628875855063893,3.07478928565979,3.240245759487152,1.4004884133947657,6.647498279809952,8.222983360290527 +3.6829389691431897,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.628875855063893,3.07478928565979,3.240245759487152,1.4004884133947657,6.647498279809952,8.222983360290527 +3.6891499138400157,2.7434975053159354,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.7434975053159354,1.969210147857666,2.2021971493959427,0.8436727628428885,5.922104507684708,6.794866561889648 +3.6935761388124457,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.7434975053159354,1.969210147857666,2.2021971493959427,0.8436727628428885,5.922104507684708,6.794866561889648 +3.722140715949099,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.7434975053159354,1.969210147857666,2.2021971493959427,0.8436727628428885,5.922104507684708,6.794866561889648 +3.7134860512116226,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.7434975053159354,1.969210147857666,2.2021971493959427,0.8436727628428885,5.922104507684708,6.794866561889648 +3.4185077774706505,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.7434975053159354,1.969210147857666,2.2021971493959427,0.8436727628428885,5.922104507684708,6.794866561889648 +3.530977188177229,2.685170745818403,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.685170745818403,2.06705904006958,2.211083710193634,0.6332920301467815,5.838026652733485,7.624173879623413 +3.5135147198441805,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.685170745818403,2.06705904006958,2.211083710193634,0.6332920301467815,5.838026652733485,7.624173879623413 +3.5674663438839684,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.685170745818403,2.06705904006958,2.211083710193634,0.6332920301467815,5.838026652733485,7.624173879623413 +3.8756578631639798,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.685170745818403,2.06705904006958,2.211083710193634,0.6332920301467815,5.838026652733485,7.624173879623413 +3.6641058286637147,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.685170745818403,2.06705904006958,2.211083710193634,0.6332920301467815,5.838026652733485,7.624173879623413 +3.6994594447018296,3.4998517069985104,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.4998517069985104,2.6856942176818848,2.8107083290815353,1.0177238884758442,7.404322584470113,9.209116458892822 +3.6614325508989136,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.4998517069985104,2.6856942176818848,2.8107083290815353,1.0177238884758442,7.404322584470113,9.209116458892822 +3.7158387468964733,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.4998517069985104,2.6856942176818848,2.8107083290815353,1.0177238884758442,7.404322584470113,9.209116458892822 +3.6307310215753335,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.4998517069985104,2.6856942176818848,2.8107083290815353,1.0177238884758442,7.404322584470113,9.209116458892822 +3.4468147196172088,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.4998517069985104,2.6856942176818848,2.8107083290815353,1.0177238884758442,7.404322584470113,9.209116458892822 +3.55569771827453,3.1666579057720945,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1666579057720945,2.7697975635528564,2.848568916320801,0.9957047009721716,5.990873634815216,7.003037691116333 +3.630090402118091,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1666579057720945,2.7697975635528564,2.848568916320801,0.9957047009721716,5.990873634815216,7.003037691116333 +3.6313711874760113,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1666579057720945,2.7697975635528564,2.848568916320801,0.9957047009721716,5.990873634815216,7.003037691116333 +3.5779290599476754,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1666579057720945,2.7697975635528564,2.848568916320801,0.9957047009721716,5.990873634815216,7.003037691116333 +3.6733796494550983,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.1666579057720945,2.7697975635528564,2.848568916320801,0.9957047009721716,5.990873634815216,7.003037691116333 +3.5540575882918954,3.3344568566502075,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3344568566502075,2.5386757850646973,2.6689506471157074,1.399402695767423,6.673265367746353,8.596636295318604 +3.501684148684737,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3344568566502075,2.5386757850646973,2.6689506471157074,1.399402695767423,6.673265367746353,8.596636295318604 +3.9552617199541085,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3344568566502075,2.5386757850646973,2.6689506471157074,1.399402695767423,6.673265367746353,8.596636295318604 +3.631720095655488,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3344568566502075,2.5386757850646973,2.6689506471157074,1.399402695767423,6.673265367746353,8.596636295318604 +3.5734850701033594,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.3344568566502075,2.5386757850646973,2.6689506471157074,1.399402695767423,6.673265367746353,8.596636295318604 +3.4269953346378923,3.107171023079238,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.107171023079238,2.280360221862793,2.5261223316192627,0.9621898696777669,6.646823853254318,7.913241624832153 +3.5616618845839083,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.107171023079238,2.280360221862793,2.5261223316192627,0.9621898696777669,6.646823853254318,7.913241624832153 +3.5011971425709736,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.107171023079238,2.280360221862793,2.5261223316192627,0.9621898696777669,6.646823853254318,7.913241624832153 +3.926089047990364,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.107171023079238,2.280360221862793,2.5261223316192627,0.9621898696777669,6.646823853254318,7.913241624832153 +3.6547676160417755,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.107171023079238,2.280360221862793,2.5261223316192627,0.9621898696777669,6.646823853254318,7.913241624832153 +3.5638742481681964,2.834155856470787,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.834155856470787,2.2003369331359863,2.351225733757019,0.7997521713693091,6.0155697365601855,7.065953493118286 +3.258441409891575,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.834155856470787,2.2003369331359863,2.351225733757019,0.7997521713693091,6.0155697365601855,7.065953493118286 +3.656160966589533,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.834155856470787,2.2003369331359863,2.351225733757019,0.7997521713693091,6.0155697365601855,7.065953493118286 +3.420532928517864,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.834155856470787,2.2003369331359863,2.351225733757019,0.7997521713693091,6.0155697365601855,7.065953493118286 +3.308687174628521,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.834155856470787,2.2003369331359863,2.351225733757019,0.7997521713693091,6.0155697365601855,7.065953493118286 +3.579707098596134,2.624526628102932,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.624526628102932,1.8180077075958252,2.0023858100175858,0.6606610813673507,5.943458120028178,7.60790491104126 +3.3774098329819164,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.624526628102932,1.8180077075958252,2.0023858100175858,0.6606610813673507,5.943458120028178,7.60790491104126 +3.532566401307083,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.624526628102932,1.8180077075958252,2.0023858100175858,0.6606610813673507,5.943458120028178,7.60790491104126 +3.508134088975523,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.624526628102932,1.8180077075958252,2.0023858100175858,0.6606610813673507,5.943458120028178,7.60790491104126 +3.4373080475102684,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.624526628102932,1.8180077075958252,2.0023858100175858,0.6606610813673507,5.943458120028178,7.60790491104126 +3.5856164177627714,2.837831254092811,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.837831254092811,2.118771553039551,2.328127548098564,0.9336911325759076,5.768341441949208,7.3143837451934814 +3.6311306672798227,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.837831254092811,2.118771553039551,2.328127548098564,0.9336911325759076,5.768341441949208,7.3143837451934814 +3.609918127009344,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.837831254092811,2.118771553039551,2.328127548098564,0.9336911325759076,5.768341441949208,7.3143837451934814 +3.2588905430045623,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.837831254092811,2.118771553039551,2.328127548098564,0.9336911325759076,5.768341441949208,7.3143837451934814 +3.4795035662164104,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,2.837831254092811,2.118771553039551,2.328127548098564,0.9336911325759076,5.768341441949208,7.3143837451934814 +3.65307010320912,3.0471755387895394,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0471755387895394,2.5842199325561523,2.621429607272148,1.2044063667033582,5.731678560376167,6.420228004455566 +3.5582777838808157,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0471755387895394,2.5842199325561523,2.621429607272148,1.2044063667033582,5.731678560376167,6.420228004455566 +3.5108840054083883,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0471755387895394,2.5842199325561523,2.621429607272148,1.2044063667033582,5.731678560376167,6.420228004455566 +3.54263139079357,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0471755387895394,2.5842199325561523,2.621429607272148,1.2044063667033582,5.731678560376167,6.420228004455566 +3.5203573721157144,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.0471755387895394,2.5842199325561523,2.621429607272148,1.2044063667033582,5.731678560376167,6.420228004455566 +3.4594864296264927,4.092859016195018,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,4.092859016195018,3.640939474105835,3.6809920370578766,1.8191674624351746,7.1136312782764435,8.270123481750488 +3.554356968885075,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,4.092859016195018,3.640939474105835,3.6809920370578766,1.8191674624351746,7.1136312782764435,8.270123481750488 +3.713593040857296,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,4.092859016195018,3.640939474105835,3.6809920370578766,1.8191674624351746,7.1136312782764435,8.270123481750488 +3.543884070229467,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,4.092859016195018,3.640939474105835,3.6809920370578766,1.8191674624351746,7.1136312782764435,8.270123481750488 +3.5219381277496367,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,4.092859016195018,3.640939474105835,3.6809920370578766,1.8191674624351746,7.1136312782764435,8.270123481750488 +3.516503786337154,3.514238289201447,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.514238289201447,2.7721288204193115,2.9099188148975372,1.6278608060897666,6.56789094209671,7.902231931686401 +3.7099274378714573,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.514238289201447,2.7721288204193115,2.9099188148975372,1.6278608060897666,6.56789094209671,7.902231931686401 +3.5957529396411596,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.514238289201447,2.7721288204193115,2.9099188148975372,1.6278608060897666,6.56789094209671,7.902231931686401 +3.4425950074464637,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.514238289201447,2.7721288204193115,2.9099188148975372,1.6278608060897666,6.56789094209671,7.902231931686401 +3.7080420652893555,0,2.6160867985006404,1.7616976499557495,2.077376663684845,0.6080115691144415,5.9309743245442705,6.996092081069946,3.514238289201447,2.7721288204193115,2.9099188148975372,1.6278608060897666,6.56789094209671,7.902231931686401 +3.4107517874960243,2.4967554858763803,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125 +3.5222528297009457,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125 +3.6481313464338014,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125 +3.541078106695366,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125 +3.7311953546118675,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125 +3.4105263254765807,2.844866623585137,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.844866623585137,2.2058451175689697,2.303769364953041,1.0008109307035487,5.789528578519821,6.970991611480713 +3.4152067967688056,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.844866623585137,2.2058451175689697,2.303769364953041,1.0008109307035487,5.789528578519821,6.970991611480713 +3.4712179654354443,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.844866623585137,2.2058451175689697,2.303769364953041,1.0008109307035487,5.789528578519821,6.970991611480713 +3.4119932779582807,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.844866623585137,2.2058451175689697,2.303769364953041,1.0008109307035487,5.789528578519821,6.970991611480713 +3.599581351330805,0,2.4967554858763803,1.6608325242996216,1.9331995844841003,0.5810627942072585,5.728699599703153,6.893341064453125,2.844866623585137,2.2058451175689697,2.303769364953041,1.0008109307035487,5.789528578519821,6.970991611480713 +3.2945537079194813,2.440087450112348,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335 +3.4221319317106227,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335 +3.396669198292004,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335 +3.4612117723934848,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335 +3.3047194867061367,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335 +3.3979060843547395,2.996450318364885,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.996450318364885,2.515050172805786,2.6113926470279694,1.1125829611369904,5.7861872017383575,6.684531927108765 +3.3672454720782983,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.996450318364885,2.515050172805786,2.6113926470279694,1.1125829611369904,5.7861872017383575,6.684531927108765 +3.501043032331081,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.996450318364885,2.515050172805786,2.6113926470279694,1.1125829611369904,5.7861872017383575,6.684531927108765 +3.4749966199739544,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.996450318364885,2.515050172805786,2.6113926470279694,1.1125829611369904,5.7861872017383575,6.684531927108765 +3.4830374431942124,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.996450318364885,2.515050172805786,2.6113926470279694,1.1125829611369904,5.7861872017383575,6.684531927108765 +3.7211456993293384,4.230996921424467,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,4.230996921424467,3.7738234996795654,3.9321276247501373,2.3645049181390316,6.772822558879852,7.8724565505981445 +3.4848820254680963,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,4.230996921424467,3.7738234996795654,3.9321276247501373,2.3645049181390316,6.772822558879852,7.8724565505981445 +3.2867947601038834,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,4.230996921424467,3.7738234996795654,3.9321276247501373,2.3645049181390316,6.772822558879852,7.8724565505981445 +3.3014400529450385,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,4.230996921424467,3.7738234996795654,3.9321276247501373,2.3645049181390316,6.772822558879852,7.8724565505981445 +3.58998392676485,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,4.230996921424467,3.7738234996795654,3.9321276247501373,2.3645049181390316,6.772822558879852,7.8724565505981445 +3.6958801542416175,2.6609153798269354,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6609153798269354,2.026613235473633,2.176518514752388,0.8213663028275713,5.574564819534619,7.344466924667358 +3.733934981081467,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6609153798269354,2.026613235473633,2.176518514752388,0.8213663028275713,5.574564819534619,7.344466924667358 +3.3916352353693635,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6609153798269354,2.026613235473633,2.176518514752388,0.8213663028275713,5.574564819534619,7.344466924667358 +3.5503468859338003,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6609153798269354,2.026613235473633,2.176518514752388,0.8213663028275713,5.574564819534619,7.344466924667358 +3.661792609850513,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6609153798269354,2.026613235473633,2.176518514752388,0.8213663028275713,5.574564819534619,7.344466924667358 +3.4769131017142327,2.775553376730824,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.775553376730824,2.174388885498047,2.29441599547863,0.9733788402790718,5.612910628318787,7.11014461517334 +3.6054116881968805,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.775553376730824,2.174388885498047,2.29441599547863,0.9733788402790718,5.612910628318787,7.11014461517334 +3.588661393017288,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.775553376730824,2.174388885498047,2.29441599547863,0.9733788402790718,5.612910628318787,7.11014461517334 +3.764025128745432,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.775553376730824,2.174388885498047,2.29441599547863,0.9733788402790718,5.612910628318787,7.11014461517334 +3.5413796762375047,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.775553376730824,2.174388885498047,2.29441599547863,0.9733788402790718,5.612910628318787,7.11014461517334 +3.329216019386322,2.6027635761892607,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6027635761892607,2.0379765033721924,2.1085306853055954,0.7426032214722735,5.506203293800354,7.013888359069824 +3.460475366414384,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6027635761892607,2.0379765033721924,2.1085306853055954,0.7426032214722735,5.506203293800354,7.013888359069824 +3.507326355604183,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6027635761892607,2.0379765033721924,2.1085306853055954,0.7426032214722735,5.506203293800354,7.013888359069824 +3.295819115891697,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6027635761892607,2.0379765033721924,2.1085306853055954,0.7426032214722735,5.506203293800354,7.013888359069824 +3.57870213456195,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,2.6027635761892607,2.0379765033721924,2.1085306853055954,0.7426032214722735,5.506203293800354,7.013888359069824 +3.669973792384727,3.0751164309797487,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,3.0751164309797487,2.2457664012908936,2.5086570084095,1.1241441714636824,6.408891628185908,8.007373332977295 +3.404120504302751,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,3.0751164309797487,2.2457664012908936,2.5086570084095,1.1241441714636824,6.408891628185908,8.007373332977295 +3.6448946049935937,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,3.0751164309797487,2.2457664012908936,2.5086570084095,1.1241441714636824,6.408891628185908,8.007373332977295 +3.519192261250803,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,3.0751164309797487,2.2457664012908936,2.5086570084095,1.1241441714636824,6.408891628185908,8.007373332977295 +3.6352470952533285,0,2.440087450112348,1.866344928741455,1.9527727216482162,0.5697743600987374,5.387838552395503,6.38131856918335,3.0751164309797487,2.2457664012908936,2.5086570084095,1.1241441714636824,6.408891628185908,8.007373332977295 +3.4842177287771783,2.4051764031277276,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101 +3.4913844863441956,0,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101 +3.420445566784482,0,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101 +3.4368127080900917,0,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101 +3.3350898337103327,0,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101,2.4051764031277276,1.79493248462677,1.898310899734497,0.6517215490024141,5.336043904225032,6.644605398178101 +3.5043793759390276,2.3546275131755476,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814 +3.523664520613711,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814 +3.502633762217327,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814 +3.6303101306884926,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814 +3.4922122803148605,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814 +3.5270524260536114,3.9053624439301915,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.9053624439301915,3.6953864097595215,3.6789986193180084,2.1057423131263002,6.104791879653931,7.109782934188843 +3.398469383820931,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.9053624439301915,3.6953864097595215,3.6789986193180084,2.1057423131263002,6.104791879653931,7.109782934188843 +3.5013944783522217,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.9053624439301915,3.6953864097595215,3.6789986193180084,2.1057423131263002,6.104791879653931,7.109782934188843 +3.314968206423189,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.9053624439301915,3.6953864097595215,3.6789986193180084,2.1057423131263002,6.104791879653931,7.109782934188843 +3.3977082027443526,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.9053624439301915,3.6953864097595215,3.6789986193180084,2.1057423131263002,6.104791879653931,7.109782934188843 +3.5199435736480065,2.614950321731767,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.614950321731767,1.8549854755401611,2.031621977686882,0.8019349270678581,5.761710077524185,6.999927043914795 +3.690273486354465,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.614950321731767,1.8549854755401611,2.031621977686882,0.8019349270678581,5.761710077524185,6.999927043914795 +3.2715328302955755,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.614950321731767,1.8549854755401611,2.031621977686882,0.8019349270678581,5.761710077524185,6.999927043914795 +3.5206404311350235,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.614950321731767,1.8549854755401611,2.031621977686882,0.8019349270678581,5.761710077524185,6.999927043914795 +3.6083978529555094,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.614950321731767,1.8549854755401611,2.031621977686882,0.8019349270678581,5.761710077524185,6.999927043914795 +3.5150298745586324,3.1969922411972314,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1969922411972314,2.7207412719726562,2.7883028984069824,1.459394414057123,5.832861676812172,6.995154619216919 +3.7031357802984255,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1969922411972314,2.7207412719726562,2.7883028984069824,1.459394414057123,5.832861676812172,6.995154619216919 +3.4673248805718333,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1969922411972314,2.7207412719726562,2.7883028984069824,1.459394414057123,5.832861676812172,6.995154619216919 +3.597512650058978,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1969922411972314,2.7207412719726562,2.7883028984069824,1.459394414057123,5.832861676812172,6.995154619216919 +3.2869576260407976,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1969922411972314,2.7207412719726562,2.7883028984069824,1.459394414057123,5.832861676812172,6.995154619216919 +3.465748335504089,2.8812364157269763,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8812364157269763,2.246114730834961,2.372676983475685,1.205035186194359,5.6822211146354675,6.835288047790527 +3.215376730524102,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8812364157269763,2.246114730834961,2.372676983475685,1.205035186194359,5.6822211146354675,6.835288047790527 +3.694171461585504,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8812364157269763,2.246114730834961,2.372676983475685,1.205035186194359,5.6822211146354675,6.835288047790527 +3.292520043467337,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8812364157269763,2.246114730834961,2.372676983475685,1.205035186194359,5.6822211146354675,6.835288047790527 +3.4442882090411704,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8812364157269763,2.246114730834961,2.372676983475685,1.205035186194359,5.6822211146354675,6.835288047790527 +3.4408026836041747,3.419143251411578,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.419143251411578,2.6464884281158447,2.7678704410791397,1.0797118671396946,7.031841437021892,8.976970195770264 +3.3865060095010766,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.419143251411578,2.6464884281158447,2.7678704410791397,1.0797118671396946,7.031841437021892,8.976970195770264 +3.4024118473778038,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.419143251411578,2.6464884281158447,2.7678704410791397,1.0797118671396946,7.031841437021892,8.976970195770264 +3.347698900087759,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.419143251411578,2.6464884281158447,2.7678704410791397,1.0797118671396946,7.031841437021892,8.976970195770264 +3.378885557998555,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.419143251411578,2.6464884281158447,2.7678704410791397,1.0797118671396946,7.031841437021892,8.976970195770264 +3.4206948263338455,3.193226393292712,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.193226393292712,2.59781813621521,2.7146881222724915,1.6987265259661573,5.6731837540864944,6.5364158153533936 +3.2731651040461083,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.193226393292712,2.59781813621521,2.7146881222724915,1.6987265259661573,5.6731837540864944,6.5364158153533936 +3.343819107257561,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.193226393292712,2.59781813621521,2.7146881222724915,1.6987265259661573,5.6731837540864944,6.5364158153533936 +3.5776680242714893,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.193226393292712,2.59781813621521,2.7146881222724915,1.6987265259661573,5.6731837540864944,6.5364158153533936 +3.6476561540159684,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.193226393292712,2.59781813621521,2.7146881222724915,1.6987265259661573,5.6731837540864944,6.5364158153533936 +3.5444420154357146,2.8147152479718494,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8147152479718494,1.9830752611160278,2.223861202597618,0.8487311848934661,6.124682784080505,7.207569360733032 +3.3599754581203194,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8147152479718494,1.9830752611160278,2.223861202597618,0.8487311848934661,6.124682784080505,7.207569360733032 +3.3185448698719235,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8147152479718494,1.9830752611160278,2.223861202597618,0.8487311848934661,6.124682784080505,7.207569360733032 +3.5605706728658877,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8147152479718494,1.9830752611160278,2.223861202597618,0.8487311848934661,6.124682784080505,7.207569360733032 +3.534243483679364,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.8147152479718494,1.9830752611160278,2.223861202597618,0.8487311848934661,6.124682784080505,7.207569360733032 +3.398940065416164,2.516311361878642,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.516311361878642,1.7713359594345093,1.9479950964450836,0.5590144638368424,5.752262314160665,6.863332033157349 +3.4060204463074633,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.516311361878642,1.7713359594345093,1.9479950964450836,0.5590144638368424,5.752262314160665,6.863332033157349 +3.259641806113309,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.516311361878642,1.7713359594345093,1.9479950964450836,0.5590144638368424,5.752262314160665,6.863332033157349 +3.5533965575046818,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.516311361878642,1.7713359594345093,1.9479950964450836,0.5590144638368424,5.752262314160665,6.863332033157349 +3.156547626366824,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.516311361878642,1.7713359594345093,1.9479950964450836,0.5590144638368424,5.752262314160665,6.863332033157349 +3.3752202875813375,2.749732264634514,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.749732264634514,2.129643678665161,2.240877941250801,0.8363134504315701,5.768794114391009,6.587323427200317 +3.473155667397641,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.749732264634514,2.129643678665161,2.240877941250801,0.8363134504315701,5.768794114391009,6.587323427200317 +3.299372771987074,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.749732264634514,2.129643678665161,2.240877941250801,0.8363134504315701,5.768794114391009,6.587323427200317 +3.170057352365486,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.749732264634514,2.129643678665161,2.240877941250801,0.8363134504315701,5.768794114391009,6.587323427200317 +3.236411897272899,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.749732264634514,2.129643678665161,2.240877941250801,0.8363134504315701,5.768794114391009,6.587323427200317 +3.1258531773082456,3.2453327498822935,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.2453327498822935,2.465057134628296,2.6274430006742477,1.3752052004032946,6.370596766471863,7.8036088943481445 +3.369674686253545,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.2453327498822935,2.465057134628296,2.6274430006742477,1.3752052004032946,6.370596766471863,7.8036088943481445 +3.255813855648199,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.2453327498822935,2.465057134628296,2.6274430006742477,1.3752052004032946,6.370596766471863,7.8036088943481445 +3.529768431277585,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.2453327498822935,2.465057134628296,2.6274430006742477,1.3752052004032946,6.370596766471863,7.8036088943481445 +3.4711927763267916,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.2453327498822935,2.465057134628296,2.6274430006742477,1.3752052004032946,6.370596766471863,7.8036088943481445 +3.501716444678901,3.58856434503775,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.58856434503775,2.9782183170318604,3.10372731089592,1.5223446006470538,6.631154924631119,8.273626804351807 +3.2641695711356578,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.58856434503775,2.9782183170318604,3.10372731089592,1.5223446006470538,6.631154924631119,8.273626804351807 +3.461321284979661,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.58856434503775,2.9782183170318604,3.10372731089592,1.5223446006470538,6.631154924631119,8.273626804351807 +3.336445721889048,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.58856434503775,2.9782183170318604,3.10372731089592,1.5223446006470538,6.631154924631119,8.273626804351807 +3.423985057033658,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.58856434503775,2.9782183170318604,3.10372731089592,1.5223446006470538,6.631154924631119,8.273626804351807 +3.677977584243137,2.832703273762895,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.832703273762895,2.0873165130615234,2.3262066394090652,0.727081095126081,6.188505798578262,8.207890510559082 +3.5213882002969634,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.832703273762895,2.0873165130615234,2.3262066394090652,0.727081095126081,6.188505798578262,8.207890510559082 +3.416379888905138,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.832703273762895,2.0873165130615234,2.3262066394090652,0.727081095126081,6.188505798578262,8.207890510559082 +3.4907114955174197,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.832703273762895,2.0873165130615234,2.3262066394090652,0.727081095126081,6.188505798578262,8.207890510559082 +3.279023138455434,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.832703273762895,2.0873165130615234,2.3262066394090652,0.727081095126081,6.188505798578262,8.207890510559082 +3.37885707897438,3.393199320082889,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.393199320082889,2.52398419380188,2.712833449244499,1.0466460389025667,7.2665039996306104,9.46641731262207 +3.5464087076663025,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.393199320082889,2.52398419380188,2.712833449244499,1.0466460389025667,7.2665039996306104,9.46641731262207 +3.218564516353354,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.393199320082889,2.52398419380188,2.712833449244499,1.0466460389025667,7.2665039996306104,9.46641731262207 +3.3282836035921655,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.393199320082889,2.52398419380188,2.712833449244499,1.0466460389025667,7.2665039996306104,9.46641731262207 +3.298476160778133,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.393199320082889,2.52398419380188,2.712833449244499,1.0466460389025667,7.2665039996306104,9.46641731262207 +3.3286743816235336,3.1739811756067877,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1739811756067877,2.179603338241577,2.3994061052799225,0.8152147921475958,7.174044768015544,9.622828960418701 +3.2581767977390745,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1739811756067877,2.179603338241577,2.3994061052799225,0.8152147921475958,7.174044768015544,9.622828960418701 +3.5134579153924155,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1739811756067877,2.179603338241577,2.3994061052799225,0.8152147921475958,7.174044768015544,9.622828960418701 +3.5531898569957963,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1739811756067877,2.179603338241577,2.3994061052799225,0.8152147921475958,7.174044768015544,9.622828960418701 +3.3316309063915233,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.1739811756067877,2.179603338241577,2.3994061052799225,0.8152147921475958,7.174044768015544,9.622828960418701 +3.4518083405510502,2.5614191179812265,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5614191179812265,1.9498342275619507,2.0424638390541077,0.6726314761537187,5.481173728903134,7.098858118057251 +3.4126281273262253,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5614191179812265,1.9498342275619507,2.0424638390541077,0.6726314761537187,5.481173728903134,7.098858118057251 +3.2963208681471468,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5614191179812265,1.9498342275619507,2.0424638390541077,0.6726314761537187,5.481173728903134,7.098858118057251 +3.7279274706736167,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5614191179812265,1.9498342275619507,2.0424638390541077,0.6726314761537187,5.481173728903134,7.098858118057251 +3.488521590670793,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5614191179812265,1.9498342275619507,2.0424638390541077,0.6726314761537187,5.481173728903134,7.098858118057251 +3.381826290796543,2.544817323655046,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.544817323655046,1.7268041372299194,1.8998849242925644,0.7077240190924482,5.790771837035815,7.353689193725586 +3.361608699596529,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.544817323655046,1.7268041372299194,1.8998849242925644,0.7077240190924482,5.790771837035815,7.353689193725586 +3.4244444094973785,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.544817323655046,1.7268041372299194,1.8998849242925644,0.7077240190924482,5.790771837035815,7.353689193725586 +3.6312129619069378,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.544817323655046,1.7268041372299194,1.8998849242925644,0.7077240190924482,5.790771837035815,7.353689193725586 +3.9114258302380613,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.544817323655046,1.7268041372299194,1.8998849242925644,0.7077240190924482,5.790771837035815,7.353689193725586 +3.53797484288086,2.4388038861657937,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.4388038861657937,1.5520474910736084,1.784246101975441,0.484183188131515,5.8883582055568695,7.011917352676392 +3.2114304312423307,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.4388038861657937,1.5520474910736084,1.784246101975441,0.484183188131515,5.8883582055568695,7.011917352676392 +3.578161648062085,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.4388038861657937,1.5520474910736084,1.784246101975441,0.484183188131515,5.8883582055568695,7.011917352676392 +3.4079774358860693,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.4388038861657937,1.5520474910736084,1.784246101975441,0.484183188131515,5.8883582055568695,7.011917352676392 +3.3443307344176727,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.4388038861657937,1.5520474910736084,1.784246101975441,0.484183188131515,5.8883582055568695,7.011917352676392 +3.7104896154027402,2.950764324106471,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.950764324106471,2.370750665664673,2.4750530421733856,0.9306939234758945,5.944964379072189,7.754032135009766 +3.56675457436621,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.950764324106471,2.370750665664673,2.4750530421733856,0.9306939234758945,5.944964379072189,7.754032135009766 +3.550493957272259,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.950764324106471,2.370750665664673,2.4750530421733856,0.9306939234758945,5.944964379072189,7.754032135009766 +3.333761560802276,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.950764324106471,2.370750665664673,2.4750530421733856,0.9306939234758945,5.944964379072189,7.754032135009766 +3.2383251298288136,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.950764324106471,2.370750665664673,2.4750530421733856,0.9306939234758945,5.944964379072189,7.754032135009766 +3.3225815531350573,2.5318469072043586,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5318469072043586,1.7636960744857788,1.9102584719657898,0.6186899178205653,5.639665717879931,6.705530405044556 +3.307024377410545,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5318469072043586,1.7636960744857788,1.9102584719657898,0.6186899178205653,5.639665717879931,6.705530405044556 +3.5422940187808374,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5318469072043586,1.7636960744857788,1.9102584719657898,0.6186899178205653,5.639665717879931,6.705530405044556 +3.571341062315421,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5318469072043586,1.7636960744857788,1.9102584719657898,0.6186899178205653,5.639665717879931,6.705530405044556 +3.1178558888778447,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.5318469072043586,1.7636960744857788,1.9102584719657898,0.6186899178205653,5.639665717879931,6.705530405044556 +3.6558062885974385,3.535659566287595,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.535659566287595,3.2597267627716064,3.255003482103348,1.5801041975934456,6.132533023754756,7.38347864151001 +3.3903453177735408,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.535659566287595,3.2597267627716064,3.255003482103348,1.5801041975934456,6.132533023754756,7.38347864151001 +3.4052193178857038,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.535659566287595,3.2597267627716064,3.255003482103348,1.5801041975934456,6.132533023754756,7.38347864151001 +3.260056714282744,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.535659566287595,3.2597267627716064,3.255003482103348,1.5801041975934456,6.132533023754756,7.38347864151001 +3.206852963811839,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.535659566287595,3.2597267627716064,3.255003482103348,1.5801041975934456,6.132533023754756,7.38347864151001 +3.4247127609322496,2.813396336988629,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.813396336988629,2.2423648834228516,2.381600245833397,0.8984957090083588,5.625539734959602,6.637097120285034 +3.502935178380272,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.813396336988629,2.2423648834228516,2.381600245833397,0.8984957090083588,5.625539734959602,6.637097120285034 +3.6598256168496706,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.813396336988629,2.2423648834228516,2.381600245833397,0.8984957090083588,5.625539734959602,6.637097120285034 +3.2933943590213515,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.813396336988629,2.2423648834228516,2.381600245833397,0.8984957090083588,5.625539734959602,6.637097120285034 +3.416097958461043,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.813396336988629,2.2423648834228516,2.381600245833397,0.8984957090083588,5.625539734959602,6.637097120285034 +3.4832265327637644,3.132183822193695,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.132183822193695,2.413461923599243,2.5971456170082092,1.2764356649936515,6.309867521127065,7.765052080154419 +3.204759771671314,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.132183822193695,2.413461923599243,2.5971456170082092,1.2764356649936515,6.309867521127065,7.765052080154419 +3.5301524638655333,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.132183822193695,2.413461923599243,2.5971456170082092,1.2764356649936515,6.309867521127065,7.765052080154419 +3.4294960035964728,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.132183822193695,2.413461923599243,2.5971456170082092,1.2764356649936515,6.309867521127065,7.765052080154419 +3.275216560306853,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,3.132183822193695,2.413461923599243,2.5971456170082092,1.2764356649936515,6.309867521127065,7.765052080154419 +3.540487588558652,2.7427665430915917,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.7427665430915917,2.0323028564453125,2.1650280505418777,0.7276276319901994,6.022586643695831,7.4729838371276855 +3.1932798762971273,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.7427665430915917,2.0323028564453125,2.1650280505418777,0.7276276319901994,6.022586643695831,7.4729838371276855 +3.2549571261916617,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.7427665430915917,2.0323028564453125,2.1650280505418777,0.7276276319901994,6.022586643695831,7.4729838371276855 +3.2008981495226094,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.7427665430915917,2.0323028564453125,2.1650280505418777,0.7276276319901994,6.022586643695831,7.4729838371276855 +3.241090857994493,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.7427665430915917,2.0323028564453125,2.1650280505418777,0.7276276319901994,6.022586643695831,7.4729838371276855 +3.0485516101793837,2.547383379132648,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.547383379132648,2.0542373657226562,2.15019054710865,0.796471672647811,5.110033427675565,6.784248113632202 +3.4106189178535096,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.547383379132648,2.0542373657226562,2.15019054710865,0.796471672647811,5.110033427675565,6.784248113632202 +3.585510220368756,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.547383379132648,2.0542373657226562,2.15019054710865,0.796471672647811,5.110033427675565,6.784248113632202 +3.6104849751258086,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.547383379132648,2.0542373657226562,2.15019054710865,0.796471672647811,5.110033427675565,6.784248113632202 +3.1345239990151215,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.547383379132648,2.0542373657226562,2.15019054710865,0.796471672647811,5.110033427675565,6.784248113632202 +3.280529775179982,2.871362469037166,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.871362469037166,2.298313856124878,2.403986155986786,1.2309898749945012,5.539347191651662,6.441042184829712 +3.3308042370830355,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.871362469037166,2.298313856124878,2.403986155986786,1.2309898749945012,5.539347191651662,6.441042184829712 +3.434608237397924,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.871362469037166,2.298313856124878,2.403986155986786,1.2309898749945012,5.539347191651662,6.441042184829712 +3.2125802732391446,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.871362469037166,2.298313856124878,2.403986155986786,1.2309898749945012,5.539347191651662,6.441042184829712 +3.2990736226188093,0,2.3546275131755476,1.713036298751831,1.8589844554662704,0.5178070742082088,5.2596455464760465,7.15605902671814,2.871362469037166,2.298313856124878,2.403986155986786,1.2309898749945012,5.539347191651662,6.441042184829712 +3.3840534938029965,2.2597092393571168,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468 +3.406550889642074,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468 +3.4112678613484064,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468 +3.4789208406953027,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468 +3.3930775375755142,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468 +3.4677494175198538,2.73537336484924,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.73537336484924,1.96562922000885,2.1706883907318115,1.0294427015679948,5.631806815663974,7.918374300003052 +3.2559881629891674,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.73537336484924,1.96562922000885,2.1706883907318115,1.0294427015679948,5.631806815663974,7.918374300003052 +3.4183599726353777,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.73537336484924,1.96562922000885,2.1706883907318115,1.0294427015679948,5.631806815663974,7.918374300003052 +3.144448838238691,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.73537336484924,1.96562922000885,2.1706883907318115,1.0294427015679948,5.631806815663974,7.918374300003052 +3.352501484775417,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.73537336484924,1.96562922000885,2.1706883907318115,1.0294427015679948,5.631806815663974,7.918374300003052 +3.324242704347843,3.1164570331417454,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1164570331417454,2.7281413078308105,2.7432907223701477,1.134762425054895,5.924545461932818,6.78706431388855 +3.1799701970040957,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1164570331417454,2.7281413078308105,2.7432907223701477,1.134762425054895,5.924545461932818,6.78706431388855 +3.1461726242098313,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1164570331417454,2.7281413078308105,2.7432907223701477,1.134762425054895,5.924545461932818,6.78706431388855 +3.4747148119604874,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1164570331417454,2.7281413078308105,2.7432907223701477,1.134762425054895,5.924545461932818,6.78706431388855 +3.4541421200615656,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1164570331417454,2.7281413078308105,2.7432907223701477,1.134762425054895,5.924545461932818,6.78706431388855 +3.3020968427708675,2.5609441631283434,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5609441631283434,1.651023507118225,1.8801940381526947,0.47219524263067447,6.211333562930425,7.848377466201782 +3.1817146177633373,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5609441631283434,1.651023507118225,1.8801940381526947,0.47219524263067447,6.211333562930425,7.848377466201782 +3.418234963671598,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5609441631283434,1.651023507118225,1.8801940381526947,0.47219524263067447,6.211333562930425,7.848377466201782 +3.5509741348992607,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5609441631283434,1.651023507118225,1.8801940381526947,0.47219524263067447,6.211333562930425,7.848377466201782 +3.5000702621173163,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5609441631283434,1.651023507118225,1.8801940381526947,0.47219524263067447,6.211333562930425,7.848377466201782 +3.3158645213677964,2.7454932085116495,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7454932085116495,2.043921947479248,2.227412834763527,0.9499830310332015,5.676877637704213,6.319014310836792 +3.746746729397331,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7454932085116495,2.043921947479248,2.227412834763527,0.9499830310332015,5.676877637704213,6.319014310836792 +3.185140575531781,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7454932085116495,2.043921947479248,2.227412834763527,0.9499830310332015,5.676877637704213,6.319014310836792 +3.268082070097683,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7454932085116495,2.043921947479248,2.227412834763527,0.9499830310332015,5.676877637704213,6.319014310836792 +3.2545089482549647,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7454932085116495,2.043921947479248,2.227412834763527,0.9499830310332015,5.676877637704213,6.319014310836792 +3.070877404779749,2.7567290224486,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7567290224486,1.9303653240203857,2.1171052008867264,0.7330095187780705,6.1852628737688065,7.425217866897583 +3.4879316788967154,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7567290224486,1.9303653240203857,2.1171052008867264,0.7330095187780705,6.1852628737688065,7.425217866897583 +3.2396581831044795,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7567290224486,1.9303653240203857,2.1171052008867264,0.7330095187780705,6.1852628737688065,7.425217866897583 +3.310088838917507,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7567290224486,1.9303653240203857,2.1171052008867264,0.7330095187780705,6.1852628737688065,7.425217866897583 +3.42962907922679,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7567290224486,1.9303653240203857,2.1171052008867264,0.7330095187780705,6.1852628737688065,7.425217866897583 +3.3297798597804746,2.5746085940231205,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5746085940231205,1.8627761602401733,2.0034509748220444,0.8647550103512216,5.471712877353032,6.929890394210815 +3.468427610175995,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5746085940231205,1.8627761602401733,2.0034509748220444,0.8647550103512216,5.471712877353032,6.929890394210815 +3.4410235277063332,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5746085940231205,1.8627761602401733,2.0034509748220444,0.8647550103512216,5.471712877353032,6.929890394210815 +3.2210823698685718,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5746085940231205,1.8627761602401733,2.0034509748220444,0.8647550103512216,5.471712877353032,6.929890394210815 +3.2977138328655013,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5746085940231205,1.8627761602401733,2.0034509748220444,0.8647550103512216,5.471712877353032,6.929890394210815 +3.305234702931475,2.4726895010050054,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4726895010050054,1.5541894435882568,1.8504222705960274,0.5050613729560629,5.71792800227801,7.138955354690552 +3.403921856863587,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4726895010050054,1.5541894435882568,1.8504222705960274,0.5050613729560629,5.71792800227801,7.138955354690552 +3.5364905504672848,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4726895010050054,1.5541894435882568,1.8504222705960274,0.5050613729560629,5.71792800227801,7.138955354690552 +3.367828077145059,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4726895010050054,1.5541894435882568,1.8504222705960274,0.5050613729560629,5.71792800227801,7.138955354690552 +3.2801062647717703,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4726895010050054,1.5541894435882568,1.8504222705960274,0.5050613729560629,5.71792800227801,7.138955354690552 +3.495627633456526,3.2590881596997145,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2590881596997145,2.9845218658447266,3.020070731639862,1.1183529806897996,5.855884929498036,7.314059734344482 +3.3655591161047114,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2590881596997145,2.9845218658447266,3.020070731639862,1.1183529806897996,5.855884929498036,7.314059734344482 +3.169220233153285,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2590881596997145,2.9845218658447266,3.020070731639862,1.1183529806897996,5.855884929498036,7.314059734344482 +3.5418139264303745,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2590881596997145,2.9845218658447266,3.020070731639862,1.1183529806897996,5.855884929498036,7.314059734344482 +3.388758375311878,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2590881596997145,2.9845218658447266,3.020070731639862,1.1183529806897996,5.855884929498036,7.314059734344482 +3.3862914345190127,2.4606797348766425,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4606797348766425,2.0179033279418945,2.094270557165146,0.5898297682721564,5.339399089415868,6.985763788223267 +3.091617471066647,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4606797348766425,2.0179033279418945,2.094270557165146,0.5898297682721564,5.339399089415868,6.985763788223267 +3.3421671407134212,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4606797348766425,2.0179033279418945,2.094270557165146,0.5898297682721564,5.339399089415868,6.985763788223267 +3.3275623966591428,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4606797348766425,2.0179033279418945,2.094270557165146,0.5898297682721564,5.339399089415868,6.985763788223267 +3.288598544915412,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4606797348766425,2.0179033279418945,2.094270557165146,0.5898297682721564,5.339399089415868,6.985763788223267 +3.4333325946995057,2.416423475906175,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.416423475906175,1.897026538848877,1.9352148622274399,0.635284331409221,5.237036809325218,6.378313064575195 +3.1622366458177567,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.416423475906175,1.897026538848877,1.9352148622274399,0.635284331409221,5.237036809325218,6.378313064575195 +3.5730558182421666,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.416423475906175,1.897026538848877,1.9352148622274399,0.635284331409221,5.237036809325218,6.378313064575195 +3.336223603856184,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.416423475906175,1.897026538848877,1.9352148622274399,0.635284331409221,5.237036809325218,6.378313064575195 +3.1392512337875305,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.416423475906175,1.897026538848877,1.9352148622274399,0.635284331409221,5.237036809325218,6.378313064575195 +3.614165322039899,2.658883398389005,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.658883398389005,2.195350170135498,2.269642472267151,0.7362717680157499,5.436855579415957,6.686896324157715 +3.1829741135911536,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.658883398389005,2.195350170135498,2.269642472267151,0.7362717680157499,5.436855579415957,6.686896324157715 +3.2553608955850017,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.658883398389005,2.195350170135498,2.269642472267151,0.7362717680157499,5.436855579415957,6.686896324157715 +3.0642432045952397,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.658883398389005,2.195350170135498,2.269642472267151,0.7362717680157499,5.436855579415957,6.686896324157715 +3.0306217529729444,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.658883398389005,2.195350170135498,2.269642472267151,0.7362717680157499,5.436855579415957,6.686896324157715 +3.610472693288358,2.427697061712205,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.427697061712205,1.7266908884048462,1.9088111966848373,0.6483074927583654,5.420503904422124,6.803352117538452 +3.3540019362532494,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.427697061712205,1.7266908884048462,1.9088111966848373,0.6483074927583654,5.420503904422124,6.803352117538452 +3.190936963185075,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.427697061712205,1.7266908884048462,1.9088111966848373,0.6483074927583654,5.420503904422124,6.803352117538452 +3.1377079206017346,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.427697061712205,1.7266908884048462,1.9088111966848373,0.6483074927583654,5.420503904422124,6.803352117538452 +3.247841923974395,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.427697061712205,1.7266908884048462,1.9088111966848373,0.6483074927583654,5.420503904422124,6.803352117538452 +3.264038114652868,2.7821920329987693,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7821920329987693,2.179513692855835,2.3155418187379837,0.793110763773005,5.746957773963611,7.831522703170776 +3.486763943213999,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7821920329987693,2.179513692855835,2.3155418187379837,0.793110763773005,5.746957773963611,7.831522703170776 +3.273515327994166,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7821920329987693,2.179513692855835,2.3155418187379837,0.793110763773005,5.746957773963611,7.831522703170776 +3.3601334044013162,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7821920329987693,2.179513692855835,2.3155418187379837,0.793110763773005,5.746957773963611,7.831522703170776 +3.393100461964582,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7821920329987693,2.179513692855835,2.3155418187379837,0.793110763773005,5.746957773963611,7.831522703170776 +3.2970199309862576,2.3026689764170745,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3026689764170745,1.5415467023849487,1.715097427368164,0.5594509112391066,5.33213746547699,6.880692005157471 +3.408735364556945,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3026689764170745,1.5415467023849487,1.715097427368164,0.5594509112391066,5.33213746547699,6.880692005157471 +3.337392713548492,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3026689764170745,1.5415467023849487,1.715097427368164,0.5594509112391066,5.33213746547699,6.880692005157471 +3.3388606201985787,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3026689764170745,1.5415467023849487,1.715097427368164,0.5594509112391066,5.33213746547699,6.880692005157471 +3.379814388640521,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3026689764170745,1.5415467023849487,1.715097427368164,0.5594509112391066,5.33213746547699,6.880692005157471 +2.99071750868932,2.992567823507399,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.992567823507399,2.528323173522949,2.6215536445379257,1.3785562451849593,5.523080140352249,7.25092339515686 +3.2088020042731213,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.992567823507399,2.528323173522949,2.6215536445379257,1.3785562451849593,5.523080140352249,7.25092339515686 +3.4783377524672834,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.992567823507399,2.528323173522949,2.6215536445379257,1.3785562451849593,5.523080140352249,7.25092339515686 +3.2726768510569313,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.992567823507399,2.528323173522949,2.6215536445379257,1.3785562451849593,5.523080140352249,7.25092339515686 +3.2666323438523936,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.992567823507399,2.528323173522949,2.6215536445379257,1.3785562451849593,5.523080140352249,7.25092339515686 +3.4311921293563175,2.378571118866898,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.378571118866898,1.7680182456970215,1.86751040071249,0.5024931565561193,5.3499553600947065,6.346738815307617 +3.385562585266579,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.378571118866898,1.7680182456970215,1.86751040071249,0.5024931565561193,5.3499553600947065,6.346738815307617 +3.4956646868934365,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.378571118866898,1.7680182456970215,1.86751040071249,0.5024931565561193,5.3499553600947065,6.346738815307617 +3.4190974525652766,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.378571118866898,1.7680182456970215,1.86751040071249,0.5024931565561193,5.3499553600947065,6.346738815307617 +3.2384569015680005,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.378571118866898,1.7680182456970215,1.86751040071249,0.5024931565561193,5.3499553600947065,6.346738815307617 +3.565912693600598,2.437463025772135,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.437463025772135,1.9233571290969849,2.0141206234693527,0.7380481831570889,5.018478999535243,5.9972758293151855 +3.2355038833554923,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.437463025772135,1.9233571290969849,2.0141206234693527,0.7380481831570889,5.018478999535243,5.9972758293151855 +3.487948257663838,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.437463025772135,1.9233571290969849,2.0141206234693527,0.7380481831570889,5.018478999535243,5.9972758293151855 +3.3954170805350223,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.437463025772135,1.9233571290969849,2.0141206234693527,0.7380481831570889,5.018478999535243,5.9972758293151855 +3.276782482605556,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.437463025772135,1.9233571290969849,2.0141206234693527,0.7380481831570889,5.018478999535243,5.9972758293151855 +3.2532420755223193,2.747830091190588,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.747830091190588,2.189279794692993,2.275317996740341,0.8207170601854933,5.70993085205555,6.517941236495972 +3.4504925734919327,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.747830091190588,2.189279794692993,2.275317996740341,0.8207170601854933,5.70993085205555,6.517941236495972 +3.1723925429211053,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.747830091190588,2.189279794692993,2.275317996740341,0.8207170601854933,5.70993085205555,6.517941236495972 +3.33160587006918,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.747830091190588,2.189279794692993,2.275317996740341,0.8207170601854933,5.70993085205555,6.517941236495972 +3.3524610038145153,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.747830091190588,2.189279794692993,2.275317996740341,0.8207170601854933,5.70993085205555,6.517941236495972 +3.0373159645209262,2.6611563530969993,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6611563530969993,2.047844171524048,2.1991570591926575,0.7671328435869927,5.5251404990752535,7.12223219871521 +3.3938179382911096,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6611563530969993,2.047844171524048,2.1991570591926575,0.7671328435869927,5.5251404990752535,7.12223219871521 +3.200420752108413,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6611563530969993,2.047844171524048,2.1991570591926575,0.7671328435869927,5.5251404990752535,7.12223219871521 +3.3213732928749105,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6611563530969993,2.047844171524048,2.1991570591926575,0.7671328435869927,5.5251404990752535,7.12223219871521 +3.5435045999067216,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6611563530969993,2.047844171524048,2.1991570591926575,0.7671328435869927,5.5251404990752535,7.12223219871521 +3.447049201107942,2.4523249948836123,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4523249948836123,1.7855312824249268,1.9246396720409393,0.6844497779582409,5.318577319383621,6.865319013595581 +3.39162137171634,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4523249948836123,1.7855312824249268,1.9246396720409393,0.6844497779582409,5.318577319383621,6.865319013595581 +3.3792513432055316,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4523249948836123,1.7855312824249268,1.9246396720409393,0.6844497779582409,5.318577319383621,6.865319013595581 +3.5484507517686574,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4523249948836123,1.7855312824249268,1.9246396720409393,0.6844497779582409,5.318577319383621,6.865319013595581 +3.212981599711613,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4523249948836123,1.7855312824249268,1.9246396720409393,0.6844497779582409,5.318577319383621,6.865319013595581 +3.1651362608772375,3.2394040278817346,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2394040278817346,2.7183659076690674,2.822810113430023,1.1120321492248393,6.201911846796672,8.218740940093994 +3.3936115428607723,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2394040278817346,2.7183659076690674,2.822810113430023,1.1120321492248393,6.201911846796672,8.218740940093994 +3.2837116992204827,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2394040278817346,2.7183659076690674,2.822810113430023,1.1120321492248393,6.201911846796672,8.218740940093994 +3.3085976367129573,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2394040278817346,2.7183659076690674,2.822810113430023,1.1120321492248393,6.201911846796672,8.218740940093994 +3.121322270057878,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.2394040278817346,2.7183659076690674,2.822810113430023,1.1120321492248393,6.201911846796672,8.218740940093994 +3.2191602683549534,2.5784102374034403,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5784102374034403,1.7693461179733276,1.9633231610059738,0.8492036912035434,5.643784046173096,7.210740804672241 +3.3643378095617344,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5784102374034403,1.7693461179733276,1.9633231610059738,0.8492036912035434,5.643784046173096,7.210740804672241 +3.3884460074476284,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5784102374034403,1.7693461179733276,1.9633231610059738,0.8492036912035434,5.643784046173096,7.210740804672241 +3.3940994508307556,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5784102374034403,1.7693461179733276,1.9633231610059738,0.8492036912035434,5.643784046173096,7.210740804672241 +3.177446778834024,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5784102374034403,1.7693461179733276,1.9633231610059738,0.8492036912035434,5.643784046173096,7.210740804672241 +3.182165406703633,3.1104816437079643,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1104816437079643,2.503662109375,2.626889541745186,1.0363991672688342,6.163642659783363,7.3939526081085205 +3.2590428964489333,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1104816437079643,2.503662109375,2.626889541745186,1.0363991672688342,6.163642659783363,7.3939526081085205 +3.2241052989539165,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1104816437079643,2.503662109375,2.626889541745186,1.0363991672688342,6.163642659783363,7.3939526081085205 +3.279947179263403,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1104816437079643,2.503662109375,2.626889541745186,1.0363991672688342,6.163642659783363,7.3939526081085205 +3.2744126249924896,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.1104816437079643,2.503662109375,2.626889541745186,1.0363991672688342,6.163642659783363,7.3939526081085205 +3.3330718490544617,2.4273111810078793,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4273111810078793,1.8060194253921509,1.888139396905899,0.8261652509582803,5.2193562885125475,6.17643928527832 +3.6056272610824367,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4273111810078793,1.8060194253921509,1.888139396905899,0.8261652509582803,5.2193562885125475,6.17643928527832 +3.3388767984130023,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4273111810078793,1.8060194253921509,1.888139396905899,0.8261652509582803,5.2193562885125475,6.17643928527832 +3.2973932657064746,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4273111810078793,1.8060194253921509,1.888139396905899,0.8261652509582803,5.2193562885125475,6.17643928527832 +3.2152888742460815,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.4273111810078793,1.8060194253921509,1.888139396905899,0.8261652509582803,5.2193562885125475,6.17643928527832 +3.43577411984259,2.600601695673004,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.600601695673004,1.990463137626648,2.115719497203827,0.9406740998334073,5.292005553841591,6.842542409896851 +3.2442139711043247,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.600601695673004,1.990463137626648,2.115719497203827,0.9406740998334073,5.292005553841591,6.842542409896851 +3.1845273239345384,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.600601695673004,1.990463137626648,2.115719497203827,0.9406740998334073,5.292005553841591,6.842542409896851 +3.41957072269379,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.600601695673004,1.990463137626648,2.115719497203827,0.9406740998334073,5.292005553841591,6.842542409896851 +3.3965833172083535,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.600601695673004,1.990463137626648,2.115719497203827,0.9406740998334073,5.292005553841591,6.842542409896851 +3.1947753339096785,2.537977813621154,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.537977813621154,1.9610435962677002,1.9784841686487198,0.6963285215674563,5.532507980863254,6.548237323760986 +3.3155463425645144,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.537977813621154,1.9610435962677002,1.9784841686487198,0.6963285215674563,5.532507980863254,6.548237323760986 +3.149526484607069,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.537977813621154,1.9610435962677002,1.9784841686487198,0.6963285215674563,5.532507980863254,6.548237323760986 +3.1242951482573935,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.537977813621154,1.9610435962677002,1.9784841686487198,0.6963285215674563,5.532507980863254,6.548237323760986 +3.2866999577305993,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.537977813621154,1.9610435962677002,1.9784841686487198,0.6963285215674563,5.532507980863254,6.548237323760986 +3.554416566514052,2.7571805919964274,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7571805919964274,1.915199637413025,2.1202774345874786,0.869656650943959,6.014617492755254,7.75634503364563 +3.219016248513438,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7571805919964274,1.915199637413025,2.1202774345874786,0.869656650943959,6.014617492755254,7.75634503364563 +3.44785054441077,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7571805919964274,1.915199637413025,2.1202774345874786,0.869656650943959,6.014617492755254,7.75634503364563 +3.381166952219977,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7571805919964274,1.915199637413025,2.1202774345874786,0.869656650943959,6.014617492755254,7.75634503364563 +3.5736226696590214,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.7571805919964274,1.915199637413025,2.1202774345874786,0.869656650943959,6.014617492755254,7.75634503364563 +3.3930541308157007,2.5199674390529463,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5199674390529463,1.9120292663574219,2.0195267498493195,0.697348951342258,5.377176394065221,6.274960041046143 +3.2889096210426616,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5199674390529463,1.9120292663574219,2.0195267498493195,0.697348951342258,5.377176394065221,6.274960041046143 +3.0563228098917703,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5199674390529463,1.9120292663574219,2.0195267498493195,0.697348951342258,5.377176394065221,6.274960041046143 +3.4259707177705097,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5199674390529463,1.9120292663574219,2.0195267498493195,0.697348951342258,5.377176394065221,6.274960041046143 +3.2028806750472407,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5199674390529463,1.9120292663574219,2.0195267498493195,0.697348951342258,5.377176394065221,6.274960041046143 +3.197508984796248,2.695920609015757,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.695920609015757,2.122647762298584,2.2160461395978928,0.7483850157958396,5.665276974439621,7.897839069366455 +3.621091037217913,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.695920609015757,2.122647762298584,2.2160461395978928,0.7483850157958396,5.665276974439621,7.897839069366455 +3.3100967223827658,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.695920609015757,2.122647762298584,2.2160461395978928,0.7483850157958396,5.665276974439621,7.897839069366455 +3.3235253454124263,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.695920609015757,2.122647762298584,2.2160461395978928,0.7483850157958396,5.665276974439621,7.897839069366455 +3.441552270055608,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.695920609015757,2.122647762298584,2.2160461395978928,0.7483850157958396,5.665276974439621,7.897839069366455 +3.304589860062226,2.5197094777179636,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5197094777179636,1.745627999305725,1.8772451281547546,0.6982572452819094,5.624076594909032,7.415961265563965 +3.126308654877172,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5197094777179636,1.745627999305725,1.8772451281547546,0.6982572452819094,5.624076594909032,7.415961265563965 +3.482283392619707,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5197094777179636,1.745627999305725,1.8772451281547546,0.6982572452819094,5.624076594909032,7.415961265563965 +3.359984964646142,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5197094777179636,1.745627999305725,1.8772451281547546,0.6982572452819094,5.624076594909032,7.415961265563965 +3.542578395782162,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.5197094777179636,1.745627999305725,1.8772451281547546,0.6982572452819094,5.624076594909032,7.415961265563965 +3.5970304616250157,2.474366657864985,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.474366657864985,1.8668692111968994,1.9416325390338898,0.6892098232786706,5.29526058336099,6.320040702819824 +3.1665113719293863,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.474366657864985,1.8668692111968994,1.9416325390338898,0.6892098232786706,5.29526058336099,6.320040702819824 +3.231080100157691,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.474366657864985,1.8668692111968994,1.9416325390338898,0.6892098232786706,5.29526058336099,6.320040702819824 +3.295053746640208,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.474366657864985,1.8668692111968994,1.9416325390338898,0.6892098232786706,5.29526058336099,6.320040702819824 +3.499119970858571,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.474366657864985,1.8668692111968994,1.9416325390338898,0.6892098232786706,5.29526058336099,6.320040702819824 +3.417166999049623,2.652215374389868,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.652215374389868,1.8275632858276367,1.9280459433794022,0.7316672586380167,6.063643674055736,7.901293516159058 +3.259307829154265,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.652215374389868,1.8275632858276367,1.9280459433794022,0.7316672586380167,6.063643674055736,7.901293516159058 +3.36798304117801,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.652215374389868,1.8275632858276367,1.9280459433794022,0.7316672586380167,6.063643674055736,7.901293516159058 +3.348043469835656,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.652215374389868,1.8275632858276367,1.9280459433794022,0.7316672586380167,6.063643674055736,7.901293516159058 +3.336616005027168,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.652215374389868,1.8275632858276367,1.9280459433794022,0.7316672586380167,6.063643674055736,7.901293516159058 +3.0740306294999957,2.990020063691114,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.990020063691114,2.1534054279327393,2.3628674894571304,1.1367697772827554,6.192145720124245,7.822646141052246 +3.1443584435854097,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.990020063691114,2.1534054279327393,2.3628674894571304,1.1367697772827554,6.192145720124245,7.822646141052246 +3.2441463133898276,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.990020063691114,2.1534054279327393,2.3628674894571304,1.1367697772827554,6.192145720124245,7.822646141052246 +3.023860693333636,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.990020063691114,2.1534054279327393,2.3628674894571304,1.1367697772827554,6.192145720124245,7.822646141052246 +3.116737238647767,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.990020063691114,2.1534054279327393,2.3628674894571304,1.1367697772827554,6.192145720124245,7.822646141052246 +3.2096608519079832,3.094231361962114,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.094231361962114,2.5230536460876465,2.6373904943466187,1.527728318533999,5.637041136622429,7.495100021362305 +3.01950976513425,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.094231361962114,2.5230536460876465,2.6373904943466187,1.527728318533999,5.637041136622429,7.495100021362305 +3.374888108188499,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.094231361962114,2.5230536460876465,2.6373904943466187,1.527728318533999,5.637041136622429,7.495100021362305 +3.358189405769663,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.094231361962114,2.5230536460876465,2.6373904943466187,1.527728318533999,5.637041136622429,7.495100021362305 +3.2458333071489234,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.094231361962114,2.5230536460876465,2.6373904943466187,1.527728318533999,5.637041136622429,7.495100021362305 +3.4637279024925727,2.3992994948831528,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3992994948831528,1.7988532781600952,1.9100075513124466,0.6653876659717965,5.203867216904958,6.760123014450073 +3.147666402912108,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3992994948831528,1.7988532781600952,1.9100075513124466,0.6653876659717965,5.203867216904958,6.760123014450073 +3.2330948854710124,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3992994948831528,1.7988532781600952,1.9100075513124466,0.6653876659717965,5.203867216904958,6.760123014450073 +3.231413556070163,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3992994948831528,1.7988532781600952,1.9100075513124466,0.6653876659717965,5.203867216904958,6.760123014450073 +3.125579339024717,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.3992994948831528,1.7988532781600952,1.9100075513124466,0.6653876659717965,5.203867216904958,6.760123014450073 +3.240245166227261,2.589047491862512,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.589047491862512,1.8813841342926025,1.9598098248243332,0.7804984742022575,5.6467001140117645,8.431776523590088 +3.1989796367975383,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.589047491862512,1.8813841342926025,1.9598098248243332,0.7804984742022575,5.6467001140117645,8.431776523590088 +3.1945618624238183,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.589047491862512,1.8813841342926025,1.9598098248243332,0.7804984742022575,5.6467001140117645,8.431776523590088 +3.265727197815632,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.589047491862512,1.8813841342926025,1.9598098248243332,0.7804984742022575,5.6467001140117645,8.431776523590088 +3.017505762056109,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.589047491862512,1.8813841342926025,1.9598098248243332,0.7804984742022575,5.6467001140117645,8.431776523590088 +3.1552030017268438,2.8518493306574397,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.8518493306574397,2.252293109893799,2.422816425561905,1.1502876408556675,5.484654312332471,6.625401258468628 +3.476091137516562,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.8518493306574397,2.252293109893799,2.422816425561905,1.1502876408556675,5.484654312332471,6.625401258468628 +3.07721781675316,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.8518493306574397,2.252293109893799,2.422816425561905,1.1502876408556675,5.484654312332471,6.625401258468628 +3.344448452820354,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.8518493306574397,2.252293109893799,2.422816425561905,1.1502876408556675,5.484654312332471,6.625401258468628 +3.2119257534490973,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.8518493306574397,2.252293109893799,2.422816425561905,1.1502876408556675,5.484654312332471,6.625401258468628 +3.6843348295682303,2.339475463393159,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.339475463393159,1.7652488946914673,1.8533140495419502,0.5412872910816618,5.154715105891228,6.365399360656738 +3.2577753998833248,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.339475463393159,1.7652488946914673,1.8533140495419502,0.5412872910816618,5.154715105891228,6.365399360656738 +3.321992353237276,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.339475463393159,1.7652488946914673,1.8533140495419502,0.5412872910816618,5.154715105891228,6.365399360656738 +3.4171146837011257,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.339475463393159,1.7652488946914673,1.8533140495419502,0.5412872910816618,5.154715105891228,6.365399360656738 +3.4507095522447355,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.339475463393159,1.7652488946914673,1.8533140495419502,0.5412872910816618,5.154715105891228,6.365399360656738 +3.322761729043422,2.429749878601254,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.429749878601254,1.7850929498672485,1.916717529296875,0.6120462836103236,5.269514878590901,7.374882221221924 +2.987945678340029,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.429749878601254,1.7850929498672485,1.916717529296875,0.6120462836103236,5.269514878590901,7.374882221221924 +2.925327608633579,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.429749878601254,1.7850929498672485,1.916717529296875,0.6120462836103236,5.269514878590901,7.374882221221924 +3.168828694391946,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.429749878601254,1.7850929498672485,1.916717529296875,0.6120462836103236,5.269514878590901,7.374882221221924 +3.2784119991471976,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.429749878601254,1.7850929498672485,1.916717529296875,0.6120462836103236,5.269514878590901,7.374882221221924 +3.014642108478818,2.6662468045793903,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6662468045793903,2.0454533100128174,2.134611263871193,0.9386448467031439,5.522084712982178,6.402590036392212 +3.2616002712230783,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6662468045793903,2.0454533100128174,2.134611263871193,0.9386448467031439,5.522084712982178,6.402590036392212 +3.2125917167973457,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6662468045793903,2.0454533100128174,2.134611263871193,0.9386448467031439,5.522084712982178,6.402590036392212 +3.2709043739803274,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6662468045793903,2.0454533100128174,2.134611263871193,0.9386448467031439,5.522084712982178,6.402590036392212 +3.4380555987674297,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.6662468045793903,2.0454533100128174,2.134611263871193,0.9386448467031439,5.522084712982178,6.402590036392212 +3.145767314068044,3.50696706264743,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.50696706264743,3.0479958057403564,3.1064199805259705,1.2861515711596672,6.619918515284856,7.848747730255127 +3.045691009818401,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.50696706264743,3.0479958057403564,3.1064199805259705,1.2861515711596672,6.619918515284856,7.848747730255127 +3.414742124610301,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.50696706264743,3.0479958057403564,3.1064199805259705,1.2861515711596672,6.619918515284856,7.848747730255127 +3.0369744436415185,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.50696706264743,3.0479958057403564,3.1064199805259705,1.2861515711596672,6.619918515284856,7.848747730255127 +3.294830342937528,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.50696706264743,3.0479958057403564,3.1064199805259705,1.2861515711596672,6.619918515284856,7.848747730255127 +2.942440511574796,3.229807880575432,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.229807880575432,2.800161600112915,2.8139535933732986,0.9995067679184548,6.329033464193344,8.295171737670898 +3.3491724641791074,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.229807880575432,2.800161600112915,2.8139535933732986,0.9995067679184548,6.329033464193344,8.295171737670898 +2.9506511310367434,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.229807880575432,2.800161600112915,2.8139535933732986,0.9995067679184548,6.329033464193344,8.295171737670898 +3.443209877064753,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.229807880575432,2.800161600112915,2.8139535933732986,0.9995067679184548,6.329033464193344,8.295171737670898 +3.42043075028718,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,3.229807880575432,2.800161600112915,2.8139535933732986,0.9995067679184548,6.329033464193344,8.295171737670898 +3.2092350877287847,2.588248379567531,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.588248379567531,1.9082382917404175,2.0236161947250366,0.9327079108420838,5.403109009067218,6.459495782852173 +3.4777758184533853,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.588248379567531,1.9082382917404175,2.0236161947250366,0.9327079108420838,5.403109009067218,6.459495782852173 +3.0251382266020586,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.588248379567531,1.9082382917404175,2.0236161947250366,0.9327079108420838,5.403109009067218,6.459495782852173 +3.3098772108475787,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.588248379567531,1.9082382917404175,2.0236161947250366,0.9327079108420838,5.403109009067218,6.459495782852173 +3.2583006102819025,0,2.2597092393571168,1.6846987009048462,1.7935079634189606,0.5284214198906371,4.969854936003685,6.483226537704468,2.588248379567531,1.9082382917404175,2.0236161947250366,0.9327079108420838,5.403109009067218,6.459495782852173 +3.170015280320252,2.2524606610077837,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743 +3.2915830302104077,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743 +3.350300268603573,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743 +2.897485193803867,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743 +3.1829740217533606,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743 +3.308346537660699,2.6807276837488745,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6807276837488745,1.7437210083007812,2.0711242333054543,0.5805807113647461,6.159698337316513,7.847462177276611 +3.2803688171450593,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6807276837488745,1.7437210083007812,2.0711242333054543,0.5805807113647461,6.159698337316513,7.847462177276611 +3.2374618629127028,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6807276837488745,1.7437210083007812,2.0711242333054543,0.5805807113647461,6.159698337316513,7.847462177276611 +3.0178574017725825,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6807276837488745,1.7437210083007812,2.0711242333054543,0.5805807113647461,6.159698337316513,7.847462177276611 +3.382900209835575,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6807276837488745,1.7437210083007812,2.0711242333054543,0.5805807113647461,6.159698337316513,7.847462177276611 +3.0604070520290327,2.2931228979875904,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2931228979875904,1.651853084564209,1.8205046206712723,0.5560739132318091,5.053953672448794,6.3589582443237305 +3.210169028421612,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2931228979875904,1.651853084564209,1.8205046206712723,0.5560739132318091,5.053953672448794,6.3589582443237305 +3.0915498848935337,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2931228979875904,1.651853084564209,1.8205046206712723,0.5560739132318091,5.053953672448794,6.3589582443237305 +3.5726311721441286,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2931228979875904,1.651853084564209,1.8205046206712723,0.5560739132318091,5.053953672448794,6.3589582443237305 +3.064251270056245,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2931228979875904,1.651853084564209,1.8205046206712723,0.5560739132318091,5.053953672448794,6.3589582443237305 +3.0790061387048158,3.22597691947253,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.22597691947253,2.5723769664764404,2.656652882695198,1.1478978668121582,6.467727382977803,7.8389647006988525 +3.14719403292045,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.22597691947253,2.5723769664764404,2.656652882695198,1.1478978668121582,6.467727382977803,7.8389647006988525 +3.0648187833494784,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.22597691947253,2.5723769664764404,2.656652882695198,1.1478978668121582,6.467727382977803,7.8389647006988525 +3.4603178143224604,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.22597691947253,2.5723769664764404,2.656652882695198,1.1478978668121582,6.467727382977803,7.8389647006988525 +3.051593178996831,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.22597691947253,2.5723769664764404,2.656652882695198,1.1478978668121582,6.467727382977803,7.8389647006988525 +3.505535653597164,2.3647085304971767,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3647085304971767,1.8249913454055786,1.9451335072517395,0.5892380989612417,5.075607150793076,6.595509767532349 +3.5314174435973484,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3647085304971767,1.8249913454055786,1.9451335072517395,0.5892380989612417,5.075607150793076,6.595509767532349 +3.0672679475906355,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3647085304971767,1.8249913454055786,1.9451335072517395,0.5892380989612417,5.075607150793076,6.595509767532349 +3.2898862909535516,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3647085304971767,1.8249913454055786,1.9451335072517395,0.5892380989612417,5.075607150793076,6.595509767532349 +3.033465515041541,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3647085304971767,1.8249913454055786,1.9451335072517395,0.5892380989612417,5.075607150793076,6.595509767532349 +3.301830125167294,2.4207971080045425,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.4207971080045425,1.816931128501892,1.9213197231292725,0.5585180481380605,5.384421532352765,6.816773176193237 +3.291846655664931,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.4207971080045425,1.816931128501892,1.9213197231292725,0.5585180481380605,5.384421532352765,6.816773176193237 +3.1659601782139797,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.4207971080045425,1.816931128501892,1.9213197231292725,0.5585180481380605,5.384421532352765,6.816773176193237 +3.349683683375465,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.4207971080045425,1.816931128501892,1.9213197231292725,0.5585180481380605,5.384421532352765,6.816773176193237 +3.022763536625421,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.4207971080045425,1.816931128501892,1.9213197231292725,0.5585180481380605,5.384421532352765,6.816773176193237 +3.20816253325272,2.2657858040866428,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2657858040866428,1.5915155410766602,1.6616903692483902,0.494393287028404,5.29278049369653,6.802191972732544 +3.2061159968257584,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2657858040866428,1.5915155410766602,1.6616903692483902,0.494393287028404,5.29278049369653,6.802191972732544 +3.324058090462609,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2657858040866428,1.5915155410766602,1.6616903692483902,0.494393287028404,5.29278049369653,6.802191972732544 +3.294094980395441,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2657858040866428,1.5915155410766602,1.6616903692483902,0.494393287028404,5.29278049369653,6.802191972732544 +3.1009937705625275,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.2657858040866428,1.5915155410766602,1.6616903692483902,0.494393287028404,5.29278049369653,6.802191972732544 +3.056306348357656,2.3924154616229196,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3924154616229196,1.7611422538757324,1.8597707152366638,0.5496827701621867,5.336118623614311,6.741336345672607 +3.2932750845145167,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3924154616229196,1.7611422538757324,1.8597707152366638,0.5496827701621867,5.336118623614311,6.741336345672607 +3.3362907789825447,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3924154616229196,1.7611422538757324,1.8597707152366638,0.5496827701621867,5.336118623614311,6.741336345672607 +3.0763667678801387,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3924154616229196,1.7611422538757324,1.8597707152366638,0.5496827701621867,5.336118623614311,6.741336345672607 +3.2646596136080492,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.3924154616229196,1.7611422538757324,1.8597707152366638,0.5496827701621867,5.336118623614311,6.741336345672607 +2.9859325175694824,2.412061873218776,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.412061873218776,1.8318418264389038,1.9576659500598907,0.7167262181322626,5.039589588840802,6.265345335006714 +3.2916392042086673,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.412061873218776,1.8318418264389038,1.9576659500598907,0.7167262181322626,5.039589588840802,6.265345335006714 +3.3894166323092003,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.412061873218776,1.8318418264389038,1.9576659500598907,0.7167262181322626,5.039589588840802,6.265345335006714 +3.129484647820736,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.412061873218776,1.8318418264389038,1.9576659500598907,0.7167262181322626,5.039589588840802,6.265345335006714 +3.3331672159525065,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.412061873218776,1.8318418264389038,1.9576659500598907,0.7167262181322626,5.039589588840802,6.265345335006714 +3.476253179699894,2.304234578776422,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.304234578776422,1.830772876739502,1.860080435872078,0.6170871604947333,4.93557508289814,6.615541219711304 +3.2238102643021853,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.304234578776422,1.830772876739502,1.860080435872078,0.6170871604947333,4.93557508289814,6.615541219711304 +3.2547930334781148,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.304234578776422,1.830772876739502,1.860080435872078,0.6170871604947333,4.93557508289814,6.615541219711304 +3.2769926483854057,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.304234578776422,1.830772876739502,1.860080435872078,0.6170871604947333,4.93557508289814,6.615541219711304 +3.104284716419263,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.304234578776422,1.830772876739502,1.860080435872078,0.6170871604947333,4.93557508289814,6.615541219711304 +3.3132986886827003,2.755976434270437,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.755976434270437,1.957647442817688,2.144236668944359,0.7677899756013079,6.076204399267833,8.01141095161438 +3.463849802667013,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.755976434270437,1.957647442817688,2.144236668944359,0.7677899756013079,6.076204399267833,8.01141095161438 +3.0511112417679884,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.755976434270437,1.957647442817688,2.144236668944359,0.7677899756013079,6.076204399267833,8.01141095161438 +3.0845307056206606,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.755976434270437,1.957647442817688,2.144236668944359,0.7677899756013079,6.076204399267833,8.01141095161438 +3.303165174744015,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.755976434270437,1.957647442817688,2.144236668944359,0.7677899756013079,6.076204399267833,8.01141095161438 +3.1222308465237645,2.6181932875389204,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6181932875389204,1.9299596548080444,2.081876903772354,0.6696397270610992,5.690640201171239,7.156524419784546 +3.072335667987243,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6181932875389204,1.9299596548080444,2.081876903772354,0.6696397270610992,5.690640201171239,7.156524419784546 +3.287758013179195,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6181932875389204,1.9299596548080444,2.081876903772354,0.6696397270610992,5.690640201171239,7.156524419784546 +3.2384959501201975,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6181932875389204,1.9299596548080444,2.081876903772354,0.6696397270610992,5.690640201171239,7.156524419784546 +3.3022666161667447,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.6181932875389204,1.9299596548080444,2.081876903772354,0.6696397270610992,5.690640201171239,7.156524419784546 +3.139007292351925,2.7944739435979833,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.7944739435979833,2.3004419803619385,2.3765884190797806,1.0036607536863773,5.528403257330258,6.910602807998657 +3.352208693953977,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.7944739435979833,2.3004419803619385,2.3765884190797806,1.0036607536863773,5.528403257330258,6.910602807998657 +2.9043135915732194,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.7944739435979833,2.3004419803619385,2.3765884190797806,1.0036607536863773,5.528403257330258,6.910602807998657 +3.0411651203265557,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.7944739435979833,2.3004419803619385,2.3765884190797806,1.0036607536863773,5.528403257330258,6.910602807998657 +3.313669535324017,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.7944739435979833,2.3004419803619385,2.3765884190797806,1.0036607536863773,5.528403257330258,6.910602807998657 +3.2266208873740556,2.629152901977769,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.629152901977769,2.073770523071289,2.159755989909172,0.8997500443712194,5.459847316145897,7.071759939193726 +3.445649324187549,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.629152901977769,2.073770523071289,2.159755989909172,0.8997500443712194,5.459847316145897,7.071759939193726 +3.329670087649272,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.629152901977769,2.073770523071289,2.159755989909172,0.8997500443712194,5.459847316145897,7.071759939193726 +3.1063617073612124,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.629152901977769,2.073770523071289,2.159755989909172,0.8997500443712194,5.459847316145897,7.071759939193726 +3.2996653072358124,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.629152901977769,2.073770523071289,2.159755989909172,0.8997500443712194,5.459847316145897,7.071759939193726 +3.4180331835300914,2.587038990948837,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.587038990948837,1.767354130744934,1.9684579819440842,0.6108292629744144,5.892813881238301,7.5743889808654785 +3.6514512828948957,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.587038990948837,1.767354130744934,1.9684579819440842,0.6108292629744144,5.892813881238301,7.5743889808654785 +3.4389874221119703,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.587038990948837,1.767354130744934,1.9684579819440842,0.6108292629744144,5.892813881238301,7.5743889808654785 +3.0719771109304,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.587038990948837,1.767354130744934,1.9684579819440842,0.6108292629744144,5.892813881238301,7.5743889808654785 +3.257863397346884,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.587038990948837,1.767354130744934,1.9684579819440842,0.6108292629744144,5.892813881238301,7.5743889808654785 +3.275746908542806,2.9389502981882445,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.9389502981882445,2.419374942779541,2.4931679517030716,1.4274662473100297,5.376859063903491,6.486046552658081 +3.262977998219529,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.9389502981882445,2.419374942779541,2.4931679517030716,1.4274662473100297,5.376859063903491,6.486046552658081 +3.3916719719293265,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.9389502981882445,2.419374942779541,2.4931679517030716,1.4274662473100297,5.376859063903491,6.486046552658081 +3.3483239817840666,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.9389502981882445,2.419374942779541,2.4931679517030716,1.4274662473100297,5.376859063903491,6.486046552658081 +3.318968999014293,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.9389502981882445,2.419374942779541,2.4931679517030716,1.4274662473100297,5.376859063903491,6.486046552658081 +3.4027825515489996,2.5334361290744463,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.5334361290744463,1.8168232440948486,1.9287658780813217,0.6415005104338869,5.700214013457298,7.39837121963501 +2.9292511125379277,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.5334361290744463,1.8168232440948486,1.9287658780813217,0.6415005104338869,5.700214013457298,7.39837121963501 +3.4040888896513364,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.5334361290744463,1.8168232440948486,1.9287658780813217,0.6415005104338869,5.700214013457298,7.39837121963501 +3.1915923693965853,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.5334361290744463,1.8168232440948486,1.9287658780813217,0.6415005104338869,5.700214013457298,7.39837121963501 +3.167029456865408,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.5334361290744463,1.8168232440948486,1.9287658780813217,0.6415005104338869,5.700214013457298,7.39837121963501 +2.9695386963078767,2.309374292600529,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.309374292600529,1.5629786252975464,1.7097609043121338,0.5342302517370975,5.311772391200066,6.794396877288818 +3.198378047868807,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.309374292600529,1.5629786252975464,1.7097609043121338,0.5342302517370975,5.311772391200066,6.794396877288818 +2.9274918361312516,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.309374292600529,1.5629786252975464,1.7097609043121338,0.5342302517370975,5.311772391200066,6.794396877288818 +3.085321118625311,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.309374292600529,1.5629786252975464,1.7097609043121338,0.5342302517370975,5.311772391200066,6.794396877288818 +3.1444909941177785,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.309374292600529,1.5629786252975464,1.7097609043121338,0.5342302517370975,5.311772391200066,6.794396877288818 +3.290224913458293,2.631641433657152,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.631641433657152,1.8671835660934448,1.9940714240074158,0.8815130635778955,5.680547709266345,7.52456259727478 +3.2527487285889745,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.631641433657152,1.8671835660934448,1.9940714240074158,0.8815130635778955,5.680547709266345,7.52456259727478 +3.190076636540795,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.631641433657152,1.8671835660934448,1.9940714240074158,0.8815130635778955,5.680547709266345,7.52456259727478 +3.0346450000922305,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.631641433657152,1.8671835660934448,1.9940714240074158,0.8815130635778955,5.680547709266345,7.52456259727478 +3.131729816548546,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,2.631641433657152,1.8671835660934448,1.9940714240074158,0.8815130635778955,5.680547709266345,7.52456259727478 +3.2452537001602213,3.4973654731405968,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.4973654731405968,2.9357166290283203,3.033478707075119,1.1185415716881448,6.932902743419011,8.589179039001465 +3.2955119584338735,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.4973654731405968,2.9357166290283203,3.033478707075119,1.1185415716881448,6.932902743419011,8.589179039001465 +3.203475124718972,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.4973654731405968,2.9357166290283203,3.033478707075119,1.1185415716881448,6.932902743419011,8.589179039001465 +3.157667529243057,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.4973654731405968,2.9357166290283203,3.033478707075119,1.1185415716881448,6.932902743419011,8.589179039001465 +3.225304292984287,0,2.2524606610077837,1.6694120168685913,1.7681820169091225,0.5381073316043996,4.9957761267821,6.585703134536743,3.4973654731405968,2.9357166290283203,3.033478707075119,1.1185415716881448,6.932902743419011,8.589179039001465 +3.2326670868485294,2.222283043006328,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266 +3.1350563309039297,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266 +3.045622593607131,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266 +3.090628280583522,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266 +3.2840331181765237,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266 +2.9420560639480065,2.312928355957201,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.312928355957201,1.7635852098464966,1.8146395459771156,0.5775560514724001,5.08209040760994,6.662539005279541 +3.0757380600633293,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.312928355957201,1.7635852098464966,1.8146395459771156,0.5775560514724001,5.08209040760994,6.662539005279541 +3.184414611373403,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.312928355957201,1.7635852098464966,1.8146395459771156,0.5775560514724001,5.08209040760994,6.662539005279541 +3.107644553051703,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.312928355957201,1.7635852098464966,1.8146395459771156,0.5775560514724001,5.08209040760994,6.662539005279541 +3.348872713803929,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.312928355957201,1.7635852098464966,1.8146395459771156,0.5775560514724001,5.08209040760994,6.662539005279541 +3.1242286837425093,2.584013785835336,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.584013785835336,1.7377625703811646,1.9018925428390503,0.785691222611894,5.776364927490552,7.599153757095337 +3.177283352739931,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.584013785835336,1.7377625703811646,1.9018925428390503,0.785691222611894,5.776364927490552,7.599153757095337 +2.9631221131162238,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.584013785835336,1.7377625703811646,1.9018925428390503,0.785691222611894,5.776364927490552,7.599153757095337 +3.0782414193732035,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.584013785835336,1.7377625703811646,1.9018925428390503,0.785691222611894,5.776364927490552,7.599153757095337 +3.1801794247222515,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.584013785835336,1.7377625703811646,1.9018925428390503,0.785691222611894,5.776364927490552,7.599153757095337 +3.1933765982127,2.237171028062935,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.237171028062935,1.5955681800842285,1.7037097662687302,0.4372783991250586,5.087928344806035,6.677485942840576 +3.0187121212917236,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.237171028062935,1.5955681800842285,1.7037097662687302,0.4372783991250586,5.087928344806035,6.677485942840576 +3.0262696865738543,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.237171028062935,1.5955681800842285,1.7037097662687302,0.4372783991250586,5.087928344806035,6.677485942840576 +2.921089230821683,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.237171028062935,1.5955681800842285,1.7037097662687302,0.4372783991250586,5.087928344806035,6.677485942840576 +2.962819139090236,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.237171028062935,1.5955681800842285,1.7037097662687302,0.4372783991250586,5.087928344806035,6.677485942840576 +3.0580155611512514,2.7004008458546944,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7004008458546944,2.1243066787719727,2.276311621069908,0.9691169908706178,5.4008028109868365,6.668327808380127 +3.17820963364302,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7004008458546944,2.1243066787719727,2.276311621069908,0.9691169908706178,5.4008028109868365,6.668327808380127 +3.138120876383086,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7004008458546944,2.1243066787719727,2.276311621069908,0.9691169908706178,5.4008028109868365,6.668327808380127 +3.2472125134314718,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7004008458546944,2.1243066787719727,2.276311621069908,0.9691169908706178,5.4008028109868365,6.668327808380127 +3.1551219981055043,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7004008458546944,2.1243066787719727,2.276311621069908,0.9691169908706178,5.4008028109868365,6.668327808380127 +2.927449807840886,2.437123187627468,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.437123187627468,1.8776357173919678,1.9775876998901367,0.7380978937478776,5.142055506507556,6.095653772354126 +3.189908401521827,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.437123187627468,1.8776357173919678,1.9775876998901367,0.7380978937478776,5.142055506507556,6.095653772354126 +2.9430722780031613,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.437123187627468,1.8776357173919678,1.9775876998901367,0.7380978937478776,5.142055506507556,6.095653772354126 +3.121522289293198,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.437123187627468,1.8776357173919678,1.9775876998901367,0.7380978937478776,5.142055506507556,6.095653772354126 +3.2893907976205847,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.437123187627468,1.8776357173919678,1.9775876998901367,0.7380978937478776,5.142055506507556,6.095653772354126 +3.203304650494211,2.6238962366630894,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6238962366630894,2.195172071456909,2.221237376332283,0.7900020004586971,5.316387216250102,6.686250925064087 +3.0959555681409507,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6238962366630894,2.195172071456909,2.221237376332283,0.7900020004586971,5.316387216250102,6.686250925064087 +3.2423842866714816,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6238962366630894,2.195172071456909,2.221237376332283,0.7900020004586971,5.316387216250102,6.686250925064087 +3.3781565183907034,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6238962366630894,2.195172071456909,2.221237376332283,0.7900020004586971,5.316387216250102,6.686250925064087 +3.160709186340991,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6238962366630894,2.195172071456909,2.221237376332283,0.7900020004586971,5.316387216250102,6.686250925064087 +3.3438718496211646,2.538965190580378,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.538965190580378,2.099656820297241,2.1705454289913177,0.6950807736275044,5.140195896228154,6.501972198486328 +3.284996011015275,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.538965190580378,2.099656820297241,2.1705454289913177,0.6950807736275044,5.140195896228154,6.501972198486328 +3.1024962433413736,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.538965190580378,2.099656820297241,2.1705454289913177,0.6950807736275044,5.140195896228154,6.501972198486328 +3.106498560949725,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.538965190580378,2.099656820297241,2.1705454289913177,0.6950807736275044,5.140195896228154,6.501972198486328 +3.1283335928417326,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.538965190580378,2.099656820297241,2.1705454289913177,0.6950807736275044,5.140195896228154,6.501972198486328 +3.2425875457038296,2.753406309917647,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.753406309917647,1.9482276439666748,2.165930286049843,0.7754677380336091,5.989407002925873,7.730253458023071 +3.2179988460807967,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.753406309917647,1.9482276439666748,2.165930286049843,0.7754677380336091,5.989407002925873,7.730253458023071 +3.2684495623176546,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.753406309917647,1.9482276439666748,2.165930286049843,0.7754677380336091,5.989407002925873,7.730253458023071 +3.2010308784736563,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.753406309917647,1.9482276439666748,2.165930286049843,0.7754677380336091,5.989407002925873,7.730253458023071 +3.032585628192368,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.753406309917647,1.9482276439666748,2.165930286049843,0.7754677380336091,5.989407002925873,7.730253458023071 +3.1928076486372503,2.8914922313540394,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8914922313540394,2.392446994781494,2.480400890111923,1.2824173480906385,5.419786145289739,7.1657960414886475 +3.143544709887998,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8914922313540394,2.392446994781494,2.480400890111923,1.2824173480906385,5.419786145289739,7.1657960414886475 +3.0507838360629282,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8914922313540394,2.392446994781494,2.480400890111923,1.2824173480906385,5.419786145289739,7.1657960414886475 +3.330494014195485,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8914922313540394,2.392446994781494,2.480400890111923,1.2824173480906385,5.419786145289739,7.1657960414886475 +3.172015656803584,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8914922313540394,2.392446994781494,2.480400890111923,1.2824173480906385,5.419786145289739,7.1657960414886475 +3.0711799663360617,2.467005920659809,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.467005920659809,1.867393136024475,1.9918717592954636,0.7146144141542151,5.312560240427653,6.33923602104187 +3.3528226802140395,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.467005920659809,1.867393136024475,1.9918717592954636,0.7146144141542151,5.312560240427653,6.33923602104187 +3.00440454376313,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.467005920659809,1.867393136024475,1.9918717592954636,0.7146144141542151,5.312560240427653,6.33923602104187 +3.1942746350319378,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.467005920659809,1.867393136024475,1.9918717592954636,0.7146144141542151,5.312560240427653,6.33923602104187 +2.8840147486890344,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.467005920659809,1.867393136024475,1.9918717592954636,0.7146144141542151,5.312560240427653,6.33923602104187 +3.3248180199997495,3.160981346916466,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.160981346916466,2.5107662677764893,2.6189514845609665,0.9383167033182814,6.534478783607483,7.931450605392456 +3.1237106991422903,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.160981346916466,2.5107662677764893,2.6189514845609665,0.9383167033182814,6.534478783607483,7.931450605392456 +3.239836474332158,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.160981346916466,2.5107662677764893,2.6189514845609665,0.9383167033182814,6.534478783607483,7.931450605392456 +3.2006191552199166,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.160981346916466,2.5107662677764893,2.6189514845609665,0.9383167033182814,6.534478783607483,7.931450605392456 +2.9467724168806555,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.160981346916466,2.5107662677764893,2.6189514845609665,0.9383167033182814,6.534478783607483,7.931450605392456 +2.9233606518184474,3.14722781612767,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.14722781612767,2.3349807262420654,2.4998642057180405,0.8522078516952535,6.690570955475171,8.109338283538818 +3.1917341785105218,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.14722781612767,2.3349807262420654,2.4998642057180405,0.8522078516952535,6.690570955475171,8.109338283538818 +3.193972413554116,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.14722781612767,2.3349807262420654,2.4998642057180405,0.8522078516952535,6.690570955475171,8.109338283538818 +3.0965279051416434,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.14722781612767,2.3349807262420654,2.4998642057180405,0.8522078516952535,6.690570955475171,8.109338283538818 +3.2577611384641587,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.14722781612767,2.3349807262420654,2.4998642057180405,0.8522078516952535,6.690570955475171,8.109338283538818 +3.303435051690204,2.409690178306627,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.409690178306627,1.8135889768600464,1.9518204182386398,0.6491381226384894,5.155269215504329,6.302181243896484 +3.1297375741031823,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.409690178306627,1.8135889768600464,1.9518204182386398,0.6491381226384894,5.155269215504329,6.302181243896484 +3.189002766157809,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.409690178306627,1.8135889768600464,1.9518204182386398,0.6491381226384894,5.155269215504329,6.302181243896484 +3.190052146067354,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.409690178306627,1.8135889768600464,1.9518204182386398,0.6491381226384894,5.155269215504329,6.302181243896484 +3.2944384251451937,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.409690178306627,1.8135889768600464,1.9518204182386398,0.6491381226384894,5.155269215504329,6.302181243896484 +3.186218368714621,2.333269160143368,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.333269160143368,1.6608325242996216,1.808247372508049,0.64226636861233,5.119328667720159,6.418487310409546 +2.941046226562176,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.333269160143368,1.6608325242996216,1.808247372508049,0.64226636861233,5.119328667720159,6.418487310409546 +3.071102895969105,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.333269160143368,1.6608325242996216,1.808247372508049,0.64226636861233,5.119328667720159,6.418487310409546 +3.3904435407340685,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.333269160143368,1.6608325242996216,1.808247372508049,0.64226636861233,5.119328667720159,6.418487310409546 +3.024689104734112,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.333269160143368,1.6608325242996216,1.808247372508049,0.64226636861233,5.119328667720159,6.418487310409546 +3.2458683295417528,2.4766122879782273,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4766122879782273,1.8040679693222046,1.9118916243314743,0.6510287333042064,5.396430666248004,6.603412628173828 +2.9271732497792344,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4766122879782273,1.8040679693222046,1.9118916243314743,0.6510287333042064,5.396430666248004,6.603412628173828 +3.100611886073803,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4766122879782273,1.8040679693222046,1.9118916243314743,0.6510287333042064,5.396430666248004,6.603412628173828 +2.9589281214366543,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4766122879782273,1.8040679693222046,1.9118916243314743,0.6510287333042064,5.396430666248004,6.603412628173828 +2.9950680629565167,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4766122879782273,1.8040679693222046,1.9118916243314743,0.6510287333042064,5.396430666248004,6.603412628173828 +3.3084700129906444,2.8653983311503346,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8653983311503346,2.0841259956359863,2.238580584526062,0.7220543661016099,6.324309051036835,7.953331232070923 +3.28059579279837,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8653983311503346,2.0841259956359863,2.238580584526062,0.7220543661016099,6.324309051036835,7.953331232070923 +3.1320339166596334,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8653983311503346,2.0841259956359863,2.238580584526062,0.7220543661016099,6.324309051036835,7.953331232070923 +3.1496972697799337,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8653983311503346,2.0841259956359863,2.238580584526062,0.7220543661016099,6.324309051036835,7.953331232070923 +3.340573609784364,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8653983311503346,2.0841259956359863,2.238580584526062,0.7220543661016099,6.324309051036835,7.953331232070923 +3.163084727264842,2.2656268924474716,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2656268924474716,1.6435391902923584,1.783183977007866,0.5130006128803213,4.989733542005221,6.210442304611206 +3.1200307634330553,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2656268924474716,1.6435391902923584,1.783183977007866,0.5130006128803213,4.989733542005221,6.210442304611206 +3.217570520601475,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2656268924474716,1.6435391902923584,1.783183977007866,0.5130006128803213,4.989733542005221,6.210442304611206 +3.2386334871067923,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2656268924474716,1.6435391902923584,1.783183977007866,0.5130006128803213,4.989733542005221,6.210442304611206 +3.0655588351130802,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2656268924474716,1.6435391902923584,1.783183977007866,0.5130006128803213,4.989733542005221,6.210442304611206 +3.0579250071899327,2.240358904004097,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.240358904004097,1.6248579025268555,1.7248896434903145,0.5591962841597009,4.9820674906174345,5.943735122680664 +3.115613147043265,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.240358904004097,1.6248579025268555,1.7248896434903145,0.5591962841597009,4.9820674906174345,5.943735122680664 +3.198332362983682,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.240358904004097,1.6248579025268555,1.7248896434903145,0.5591962841597009,4.9820674906174345,5.943735122680664 +2.996777785630694,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.240358904004097,1.6248579025268555,1.7248896434903145,0.5591962841597009,4.9820674906174345,5.943735122680664 +3.3133097165498873,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.240358904004097,1.6248579025268555,1.7248896434903145,0.5591962841597009,4.9820674906174345,5.943735122680664 +3.1202231048944773,2.8164632075432086,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8164632075432086,2.2520322799682617,2.3777840584516525,0.9205707406744044,5.73241151869297,6.672333478927612 +3.3075805423430484,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8164632075432086,2.2520322799682617,2.3777840584516525,0.9205707406744044,5.73241151869297,6.672333478927612 +3.023668025706744,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8164632075432086,2.2520322799682617,2.3777840584516525,0.9205707406744044,5.73241151869297,6.672333478927612 +3.207603428740084,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8164632075432086,2.2520322799682617,2.3777840584516525,0.9205707406744044,5.73241151869297,6.672333478927612 +3.1816775238126596,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.8164632075432086,2.2520322799682617,2.3777840584516525,0.9205707406744044,5.73241151869297,6.672333478927612 +3.087654780428511,2.337868157052557,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.337868157052557,1.5942184925079346,1.7841004729270935,0.5901369194084025,5.366032595435779,6.649028539657593 +3.263608113010303,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.337868157052557,1.5942184925079346,1.7841004729270935,0.5901369194084025,5.366032595435779,6.649028539657593 +3.07337863966625,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.337868157052557,1.5942184925079346,1.7841004729270935,0.5901369194084025,5.366032595435779,6.649028539657593 +3.2617818968918977,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.337868157052557,1.5942184925079346,1.7841004729270935,0.5901369194084025,5.366032595435779,6.649028539657593 +3.178549289090722,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.337868157052557,1.5942184925079346,1.7841004729270935,0.5901369194084025,5.366032595435779,6.649028539657593 +2.949528022335758,2.634287782091433,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.634287782091433,1.875132441520691,2.0263133347034454,0.6877367307848119,5.906960050264995,7.201018571853638 +3.45274435641832,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.634287782091433,1.875132441520691,2.0263133347034454,0.6877367307848119,5.906960050264995,7.201018571853638 +3.3256470844623895,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.634287782091433,1.875132441520691,2.0263133347034454,0.6877367307848119,5.906960050264995,7.201018571853638 +3.2295080820982904,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.634287782091433,1.875132441520691,2.0263133347034454,0.6877367307848119,5.906960050264995,7.201018571853638 +3.284840924690035,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.634287782091433,1.875132441520691,2.0263133347034454,0.6877367307848119,5.906960050264995,7.201018571853638 +3.2316596128777735,2.5633148786207145,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5633148786207145,2.0469837188720703,2.123687505722046,0.6772819508580451,5.507005621989568,6.858017921447754 +2.9433292356030694,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5633148786207145,2.0469837188720703,2.123687505722046,0.6772819508580451,5.507005621989568,6.858017921447754 +3.0687013330921253,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5633148786207145,2.0469837188720703,2.123687505722046,0.6772819508580451,5.507005621989568,6.858017921447754 +3.2625939449596784,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5633148786207145,2.0469837188720703,2.123687505722046,0.6772819508580451,5.507005621989568,6.858017921447754 +3.2090016436276447,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5633148786207145,2.0469837188720703,2.123687505722046,0.6772819508580451,5.507005621989568,6.858017921447754 +3.1601747481315456,3.0402746679583146,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.0402746679583146,2.640639066696167,2.6767546236515045,1.3356224799409826,5.517723247408867,6.685061454772949 +3.2194593855493583,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.0402746679583146,2.640639066696167,2.6767546236515045,1.3356224799409826,5.517723247408867,6.685061454772949 +3.282934891568887,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.0402746679583146,2.640639066696167,2.6767546236515045,1.3356224799409826,5.517723247408867,6.685061454772949 +3.564839591615554,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.0402746679583146,2.640639066696167,2.6767546236515045,1.3356224799409826,5.517723247408867,6.685061454772949 +3.3078110576743156,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.0402746679583146,2.640639066696167,2.6767546236515045,1.3356224799409826,5.517723247408867,6.685061454772949 +3.066892293743809,2.361965775489807,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.361965775489807,1.6366184949874878,1.7971155494451523,0.7766087790752979,5.181003625194232,6.5928802490234375 +3.098876467710781,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.361965775489807,1.6366184949874878,1.7971155494451523,0.7766087790752979,5.181003625194232,6.5928802490234375 +3.2492353140280166,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.361965775489807,1.6366184949874878,1.7971155494451523,0.7766087790752979,5.181003625194232,6.5928802490234375 +3.181179688507271,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.361965775489807,1.6366184949874878,1.7971155494451523,0.7766087790752979,5.181003625194232,6.5928802490234375 +3.2045001635817063,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.361965775489807,1.6366184949874878,1.7971155494451523,0.7766087790752979,5.181003625194232,6.5928802490234375 +3.053223536011395,2.2657090182079695,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2657090182079695,1.6665962934494019,1.801541157066822,0.5288917777386117,5.055482551455498,6.821701526641846 +3.2882886664146453,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2657090182079695,1.6665962934494019,1.801541157066822,0.5288917777386117,5.055482551455498,6.821701526641846 +3.221834485070775,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2657090182079695,1.6665962934494019,1.801541157066822,0.5288917777386117,5.055482551455498,6.821701526641846 +3.121251761873774,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2657090182079695,1.6665962934494019,1.801541157066822,0.5288917777386117,5.055482551455498,6.821701526641846 +2.8967088505981455,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2657090182079695,1.6665962934494019,1.801541157066822,0.5288917777386117,5.055482551455498,6.821701526641846 +3.3078374409904847,3.182096198435229,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.182096198435229,2.891508102416992,2.9030166417360306,1.1339553512157279,5.750944395860036,6.596328258514404 +3.277902203229125,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.182096198435229,2.891508102416992,2.9030166417360306,1.1339553512157279,5.750944395860036,6.596328258514404 +3.189866786827617,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.182096198435229,2.891508102416992,2.9030166417360306,1.1339553512157279,5.750944395860036,6.596328258514404 +2.9432926687068584,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.182096198435229,2.891508102416992,2.9030166417360306,1.1339553512157279,5.750944395860036,6.596328258514404 +3.407810108731217,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.182096198435229,2.891508102416992,2.9030166417360306,1.1339553512157279,5.750944395860036,6.596328258514404 +2.993591781952653,2.9704600486767854,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.9704600486767854,2.519482374191284,2.6224685311317444,0.9912965963495538,5.722956568002701,7.416142225265503 +3.3215776981306644,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.9704600486767854,2.519482374191284,2.6224685311317444,0.9912965963495538,5.722956568002701,7.416142225265503 +3.2484955267501445,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.9704600486767854,2.519482374191284,2.6224685311317444,0.9912965963495538,5.722956568002701,7.416142225265503 +3.040366047316426,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.9704600486767854,2.519482374191284,2.6224685311317444,0.9912965963495538,5.722956568002701,7.416142225265503 +2.987302858135428,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.9704600486767854,2.519482374191284,2.6224685311317444,0.9912965963495538,5.722956568002701,7.416142225265503 +3.122415021417628,2.5928130172076025,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5928130172076025,1.9901682138442993,2.087770938873291,0.6342906002351578,5.612010245521863,6.242231369018555 +3.1676184956567357,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5928130172076025,1.9901682138442993,2.087770938873291,0.6342906002351578,5.612010245521863,6.242231369018555 +3.1258534617544167,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5928130172076025,1.9901682138442993,2.087770938873291,0.6342906002351578,5.612010245521863,6.242231369018555 +2.884086216990132,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5928130172076025,1.9901682138442993,2.087770938873291,0.6342906002351578,5.612010245521863,6.242231369018555 +2.9741625421006104,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5928130172076025,1.9901682138442993,2.087770938873291,0.6342906002351578,5.612010245521863,6.242231369018555 +3.158485857755025,2.866092261648615,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.866092261648615,2.2724502086639404,2.381168320775032,1.0572267509204276,5.591769163807233,6.412875652313232 +3.023828132082992,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.866092261648615,2.2724502086639404,2.381168320775032,1.0572267509204276,5.591769163807233,6.412875652313232 +3.1557678954196544,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.866092261648615,2.2724502086639404,2.381168320775032,1.0572267509204276,5.591769163807233,6.412875652313232 +3.02817894585569,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.866092261648615,2.2724502086639404,2.381168320775032,1.0572267509204276,5.591769163807233,6.412875652313232 +3.2064091203936846,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.866092261648615,2.2724502086639404,2.381168320775032,1.0572267509204276,5.591769163807233,6.412875652313232 +3.155902629011664,2.6792590360678927,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6792590360678927,2.028640031814575,2.150645360350609,1.1033275755161935,5.412686988711357,6.895322799682617 +3.166592997782901,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6792590360678927,2.028640031814575,2.150645360350609,1.1033275755161935,5.412686988711357,6.895322799682617 +3.2246533959945887,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6792590360678927,2.028640031814575,2.150645360350609,1.1033275755161935,5.412686988711357,6.895322799682617 +3.0421668248008986,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6792590360678927,2.028640031814575,2.150645360350609,1.1033275755161935,5.412686988711357,6.895322799682617 +3.152128335394815,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6792590360678927,2.028640031814575,2.150645360350609,1.1033275755161935,5.412686988711357,6.895322799682617 +3.0585142178584475,2.424129692086687,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.424129692086687,1.7592521905899048,1.9282525926828384,0.5819861598788424,5.361142486333847,7.143269062042236 +3.113244376622081,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.424129692086687,1.7592521905899048,1.9282525926828384,0.5819861598788424,5.361142486333847,7.143269062042236 +3.159570270413113,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.424129692086687,1.7592521905899048,1.9282525926828384,0.5819861598788424,5.361142486333847,7.143269062042236 +3.1776125672167113,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.424129692086687,1.7592521905899048,1.9282525926828384,0.5819861598788424,5.361142486333847,7.143269062042236 +3.154816214716561,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.424129692086687,1.7592521905899048,1.9282525926828384,0.5819861598788424,5.361142486333847,7.143269062042236 +3.165384447641809,2.7958225114027244,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7958225114027244,1.8855406045913696,2.134492591023445,0.7199892094160648,6.400532340010007,8.071796417236328 +2.96539293518117,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7958225114027244,1.8855406045913696,2.134492591023445,0.7199892094160648,6.400532340010007,8.071796417236328 +3.070799541410148,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7958225114027244,1.8855406045913696,2.134492591023445,0.7199892094160648,6.400532340010007,8.071796417236328 +3.186237337556853,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7958225114027244,1.8855406045913696,2.134492591023445,0.7199892094160648,6.400532340010007,8.071796417236328 +3.1614633677650827,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.7958225114027244,1.8855406045913696,2.134492591023445,0.7199892094160648,6.400532340010007,8.071796417236328 +3.1718924277182916,2.3603214983150598,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3603214983150598,1.6387693881988525,1.8336164578795433,0.6792385931661789,5.188452293475469,6.076242685317993 +3.276994519311174,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3603214983150598,1.6387693881988525,1.8336164578795433,0.6792385931661789,5.188452293475469,6.076242685317993 +3.2153442275935205,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3603214983150598,1.6387693881988525,1.8336164578795433,0.6792385931661789,5.188452293475469,6.076242685317993 +3.1284505415618895,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3603214983150598,1.6387693881988525,1.8336164578795433,0.6792385931661789,5.188452293475469,6.076242685317993 +3.080438728990226,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3603214983150598,1.6387693881988525,1.8336164578795433,0.6792385931661789,5.188452293475469,6.076242685317993 +3.0901215071901085,2.5518296211177764,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5518296211177764,1.8683362007141113,2.0433455109596252,0.9232336041775155,5.362594182292621,6.335924863815308 +3.001868543163219,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5518296211177764,1.8683362007141113,2.0433455109596252,0.9232336041775155,5.362594182292621,6.335924863815308 +2.9697155154628843,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5518296211177764,1.8683362007141113,2.0433455109596252,0.9232336041775155,5.362594182292621,6.335924863815308 +3.051679972588858,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5518296211177764,1.8683362007141113,2.0433455109596252,0.9232336041775155,5.362594182292621,6.335924863815308 +3.01634547794213,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5518296211177764,1.8683362007141113,2.0433455109596252,0.9232336041775155,5.362594182292621,6.335924863815308 +3.041366915033256,2.3555527494059807,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3555527494059807,1.6753798723220825,1.7805335521697998,0.6340236508465827,5.297101189692815,7.2948126792907715 +3.149607028683712,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3555527494059807,1.6753798723220825,1.7805335521697998,0.6340236508465827,5.297101189692815,7.2948126792907715 +3.0086926350108194,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3555527494059807,1.6753798723220825,1.7805335521697998,0.6340236508465827,5.297101189692815,7.2948126792907715 +3.131322853662449,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3555527494059807,1.6753798723220825,1.7805335521697998,0.6340236508465827,5.297101189692815,7.2948126792907715 +2.9462150281754664,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3555527494059807,1.6753798723220825,1.7805335521697998,0.6340236508465827,5.297101189692815,7.2948126792907715 +3.0742440858870665,3.328027772770814,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.328027772770814,2.405256986618042,2.5822687298059464,0.9499753261817262,7.257532010475795,9.111495018005371 +3.064742237961893,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.328027772770814,2.405256986618042,2.5822687298059464,0.9499753261817262,7.257532010475795,9.111495018005371 +3.0496026549478423,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.328027772770814,2.405256986618042,2.5822687298059464,0.9499753261817262,7.257532010475795,9.111495018005371 +3.0530328625709373,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.328027772770814,2.405256986618042,2.5822687298059464,0.9499753261817262,7.257532010475795,9.111495018005371 +2.992879222831454,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.328027772770814,2.405256986618042,2.5822687298059464,0.9499753261817262,7.257532010475795,9.111495018005371 +2.853322641583115,3.1145501278769907,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.1145501278769907,2.7174296379089355,2.7032843232154846,0.9659666856552692,6.012274404366811,7.06474494934082 +3.221325290416533,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.1145501278769907,2.7174296379089355,2.7032843232154846,0.9659666856552692,6.012274404366811,7.06474494934082 +2.9449310454908035,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.1145501278769907,2.7174296379089355,2.7032843232154846,0.9659666856552692,6.012274404366811,7.06474494934082 +2.7640188702379676,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.1145501278769907,2.7174296379089355,2.7032843232154846,0.9659666856552692,6.012274404366811,7.06474494934082 +3.0196344896320957,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.1145501278769907,2.7174296379089355,2.7032843232154846,0.9659666856552692,6.012274404366811,7.06474494934082 +3.249857416796431,2.6420877632046245,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6420877632046245,2.1864171028137207,2.2531785517930984,1.030522218410005,5.091603289047877,6.434751033782959 +3.2102978986438453,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6420877632046245,2.1864171028137207,2.2531785517930984,1.030522218410005,5.091603289047877,6.434751033782959 +3.016415836304347,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6420877632046245,2.1864171028137207,2.2531785517930984,1.030522218410005,5.091603289047877,6.434751033782959 +3.2677851438285184,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6420877632046245,2.1864171028137207,2.2531785517930984,1.030522218410005,5.091603289047877,6.434751033782959 +3.1551012246022174,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6420877632046245,2.1864171028137207,2.2531785517930984,1.030522218410005,5.091603289047877,6.434751033782959 +3.2638121966657967,3.2330196629332,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2330196629332,2.5250697135925293,2.6767085641622543,1.3177238075023001,6.446528936425845,7.9422972202301025 +3.3131543979523035,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2330196629332,2.5250697135925293,2.6767085641622543,1.3177238075023001,6.446528936425845,7.9422972202301025 +3.080242518483802,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2330196629332,2.5250697135925293,2.6767085641622543,1.3177238075023001,6.446528936425845,7.9422972202301025 +3.3876511409127743,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2330196629332,2.5250697135925293,2.6767085641622543,1.3177238075023001,6.446528936425845,7.9422972202301025 +2.9989282144752356,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2330196629332,2.5250697135925293,2.6767085641622543,1.3177238075023001,6.446528936425845,7.9422972202301025 +3.2440390870251767,2.4844968910304663,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4844968910304663,1.6678874492645264,1.7929090932011604,0.5751008245539158,5.950016071399053,7.657830476760864 +2.9791911432534377,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4844968910304663,1.6678874492645264,1.7929090932011604,0.5751008245539158,5.950016071399053,7.657830476760864 +3.041061781564189,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4844968910304663,1.6678874492645264,1.7929090932011604,0.5751008245539158,5.950016071399053,7.657830476760864 +3.1073775481758763,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4844968910304663,1.6678874492645264,1.7929090932011604,0.5751008245539158,5.950016071399053,7.657830476760864 +2.8611890207432626,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4844968910304663,1.6678874492645264,1.7929090932011604,0.5751008245539158,5.950016071399053,7.657830476760864 +2.9281092877018042,2.369961947124666,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.369961947124666,1.6572937965393066,1.7902739197015762,0.5720029983748781,5.360472286740939,7.019265413284302 +3.0091092421102585,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.369961947124666,1.6572937965393066,1.7902739197015762,0.5720029983748781,5.360472286740939,7.019265413284302 +3.052107019493213,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.369961947124666,1.6572937965393066,1.7902739197015762,0.5720029983748781,5.360472286740939,7.019265413284302 +3.150258887746922,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.369961947124666,1.6572937965393066,1.7902739197015762,0.5720029983748781,5.360472286740939,7.019265413284302 +2.9347906147651077,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.369961947124666,1.6572937965393066,1.7902739197015762,0.5720029983748781,5.360472286740939,7.019265413284302 +3.089463447484951,2.33333150644577,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.33333150644577,1.6516162157058716,1.7638403847813606,0.5783789570027209,5.272109155853589,7.209531307220459 +3.262160436366376,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.33333150644577,1.6516162157058716,1.7638403847813606,0.5783789570027209,5.272109155853589,7.209531307220459 +3.3935145764594368,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.33333150644577,1.6516162157058716,1.7638403847813606,0.5783789570027209,5.272109155853589,7.209531307220459 +3.2376531973006872,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.33333150644577,1.6516162157058716,1.7638403847813606,0.5783789570027209,5.272109155853589,7.209531307220459 +3.2434661876143447,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.33333150644577,1.6516162157058716,1.7638403847813606,0.5783789570027209,5.272109155853589,7.209531307220459 +3.1671194209858022,2.6153974281087597,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6153974281087597,1.9379541873931885,2.094056859612465,0.9080132439415506,5.47871108353138,6.792618036270142 +3.0354113372867872,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6153974281087597,1.9379541873931885,2.094056859612465,0.9080132439415506,5.47871108353138,6.792618036270142 +3.0111423595870206,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6153974281087597,1.9379541873931885,2.094056859612465,0.9080132439415506,5.47871108353138,6.792618036270142 +3.0886870621844373,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6153974281087597,1.9379541873931885,2.094056859612465,0.9080132439415506,5.47871108353138,6.792618036270142 +2.890409569307885,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6153974281087597,1.9379541873931885,2.094056859612465,0.9080132439415506,5.47871108353138,6.792618036270142 +3.184445445057726,3.2490232910629344,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2490232910629344,2.6097707748413086,2.676475241780281,0.9787382049129364,6.635400911172231,8.899492263793945 +3.3519132419906814,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2490232910629344,2.6097707748413086,2.676475241780281,0.9787382049129364,6.635400911172231,8.899492263793945 +2.9441673428175936,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2490232910629344,2.6097707748413086,2.676475241780281,0.9787382049129364,6.635400911172231,8.899492263793945 +3.103187513248674,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2490232910629344,2.6097707748413086,2.676475241780281,0.9787382049129364,6.635400911172231,8.899492263793945 +2.934241376738175,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.2490232910629344,2.6097707748413086,2.676475241780281,0.9787382049129364,6.635400911172231,8.899492263793945 +3.2103107295515367,3.260028278718444,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.260028278718444,2.6552016735076904,2.741917207837105,0.8939999903136111,6.807484110196431,8.27713394165039 +3.191178197589572,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.260028278718444,2.6552016735076904,2.741917207837105,0.8939999903136111,6.807484110196431,8.27713394165039 +3.2159915663282184,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.260028278718444,2.6552016735076904,2.741917207837105,0.8939999903136111,6.807484110196431,8.27713394165039 +2.859040382251499,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.260028278718444,2.6552016735076904,2.741917207837105,0.8939999903136111,6.807484110196431,8.27713394165039 +2.927438586555046,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,3.260028278718444,2.6552016735076904,2.741917207837105,0.8939999903136111,6.807484110196431,8.27713394165039 +3.1746008049706567,2.655086235265145,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.655086235265145,2.229672908782959,2.3461720049381256,0.8464829847216606,5.259697258472443,6.367717981338501 +3.226573160021944,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.655086235265145,2.229672908782959,2.3461720049381256,0.8464829847216606,5.259697258472443,6.367717981338501 +3.0344720420573372,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.655086235265145,2.229672908782959,2.3461720049381256,0.8464829847216606,5.259697258472443,6.367717981338501 +2.8762375477217237,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.655086235265145,2.229672908782959,2.3461720049381256,0.8464829847216606,5.259697258472443,6.367717981338501 +3.4019920436037947,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.655086235265145,2.229672908782959,2.3461720049381256,0.8464829847216606,5.259697258472443,6.367717981338501 +2.9793842800890418,2.421961095593675,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.421961095593675,1.5996105670928955,1.7839806005358696,0.6077054128684896,5.5858134378989535,6.996063232421875 +2.9673770309996543,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.421961095593675,1.5996105670928955,1.7839806005358696,0.6077054128684896,5.5858134378989535,6.996063232421875 +3.17493683670892,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.421961095593675,1.5996105670928955,1.7839806005358696,0.6077054128684896,5.5858134378989535,6.996063232421875 +3.121369833082198,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.421961095593675,1.5996105670928955,1.7839806005358696,0.6077054128684896,5.5858134378989535,6.996063232421875 +2.940714462168653,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.421961095593675,1.5996105670928955,1.7839806005358696,0.6077054128684896,5.5858134378989535,6.996063232421875 +3.1944020783592917,2.266708122420061,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.266708122420061,1.5828849077224731,1.684114784002304,0.506655752341798,5.20868781208992,6.5802202224731445 +3.1159616745316696,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.266708122420061,1.5828849077224731,1.684114784002304,0.506655752341798,5.20868781208992,6.5802202224731445 +3.1840321021228633,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.266708122420061,1.5828849077224731,1.684114784002304,0.506655752341798,5.20868781208992,6.5802202224731445 +3.150189618375004,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.266708122420061,1.5828849077224731,1.684114784002304,0.506655752341798,5.20868781208992,6.5802202224731445 +3.0130462285813033,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.266708122420061,1.5828849077224731,1.684114784002304,0.506655752341798,5.20868781208992,6.5802202224731445 +2.977667647544838,2.5300433459394265,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5300433459394265,1.7670217752456665,1.9580297023057938,0.6732449854942079,5.640359232823054,6.34474515914917 +3.0559043906214067,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5300433459394265,1.7670217752456665,1.9580297023057938,0.6732449854942079,5.640359232823054,6.34474515914917 +3.1761107305830607,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5300433459394265,1.7670217752456665,1.9580297023057938,0.6732449854942079,5.640359232823054,6.34474515914917 +3.139816655602,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5300433459394265,1.7670217752456665,1.9580297023057938,0.6732449854942079,5.640359232823054,6.34474515914917 +3.0297458292990527,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.5300433459394265,1.7670217752456665,1.9580297023057938,0.6732449854942079,5.640359232823054,6.34474515914917 +2.9979092218475887,2.429375319463732,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.429375319463732,1.7598081827163696,1.9112934470176697,0.7047591990929969,5.312554955482483,6.723647356033325 +2.8356676962552716,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.429375319463732,1.7598081827163696,1.9112934470176697,0.7047591990929969,5.312554955482483,6.723647356033325 +3.0976033015102544,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.429375319463732,1.7598081827163696,1.9112934470176697,0.7047591990929969,5.312554955482483,6.723647356033325 +3.236434170793475,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.429375319463732,1.7598081827163696,1.9112934470176697,0.7047591990929969,5.312554955482483,6.723647356033325 +2.8760588110402345,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.429375319463732,1.7598081827163696,1.9112934470176697,0.7047591990929969,5.312554955482483,6.723647356033325 +3.258916692566176,2.347469735949139,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.347469735949139,1.6869043111801147,1.7950196713209152,0.6326421973236064,5.159369185566902,6.534010171890259 +3.1836005926566986,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.347469735949139,1.6869043111801147,1.7950196713209152,0.6326421973236064,5.159369185566902,6.534010171890259 +2.8535142846267165,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.347469735949139,1.6869043111801147,1.7950196713209152,0.6326421973236064,5.159369185566902,6.534010171890259 +2.7478350117130685,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.347469735949139,1.6869043111801147,1.7950196713209152,0.6326421973236064,5.159369185566902,6.534010171890259 +3.116731100061054,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.347469735949139,1.6869043111801147,1.7950196713209152,0.6326421973236064,5.159369185566902,6.534010171890259 +2.9426630855159988,2.4236860854151363,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4236860854151363,1.8129411935806274,1.931460477411747,0.6239980085098997,5.311586067080498,6.037632703781128 +3.0041794412885485,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4236860854151363,1.8129411935806274,1.931460477411747,0.6239980085098997,5.311586067080498,6.037632703781128 +3.101328684970618,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4236860854151363,1.8129411935806274,1.931460477411747,0.6239980085098997,5.311586067080498,6.037632703781128 +3.09884997071891,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4236860854151363,1.8129411935806274,1.931460477411747,0.6239980085098997,5.311586067080498,6.037632703781128 +2.8308432611491066,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.4236860854151363,1.8129411935806274,1.931460477411747,0.6239980085098997,5.311586067080498,6.037632703781128 +2.9431687712036965,2.2582293108729794,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2582293108729794,1.5750768184661865,1.752112902700901,0.6215611846840128,4.952041506767273,6.065367221832275 +3.0537678245207993,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2582293108729794,1.5750768184661865,1.752112902700901,0.6215611846840128,4.952041506767273,6.065367221832275 +3.033104398957298,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2582293108729794,1.5750768184661865,1.752112902700901,0.6215611846840128,4.952041506767273,6.065367221832275 +3.1150713452886523,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2582293108729794,1.5750768184661865,1.752112902700901,0.6215611846840128,4.952041506767273,6.065367221832275 +3.280673120635258,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.2582293108729794,1.5750768184661865,1.752112902700901,0.6215611846840128,4.952041506767273,6.065367221832275 +3.111723149071796,2.3171954417493956,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3171954417493956,1.6356616020202637,1.7896105647087097,0.5317800896281891,5.221862465143204,6.573449373245239 +3.2397349232941153,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3171954417493956,1.6356616020202637,1.7896105647087097,0.5317800896281891,5.221862465143204,6.573449373245239 +3.076126241261036,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3171954417493956,1.6356616020202637,1.7896105647087097,0.5317800896281891,5.221862465143204,6.573449373245239 +3.065562375779177,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3171954417493956,1.6356616020202637,1.7896105647087097,0.5317800896281891,5.221862465143204,6.573449373245239 +3.104519480300835,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.3171954417493956,1.6356616020202637,1.7896105647087097,0.5317800896281891,5.221862465143204,6.573449373245239 +2.7940432295321784,2.6637669513830966,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6637669513830966,1.9690114259719849,2.134264722466469,0.7539626255314401,5.586567987998326,7.35629940032959 +2.909527413250597,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6637669513830966,1.9690114259719849,2.134264722466469,0.7539626255314401,5.586567987998326,7.35629940032959 +2.885398878026704,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6637669513830966,1.9690114259719849,2.134264722466469,0.7539626255314401,5.586567987998326,7.35629940032959 +3.1352260151102307,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6637669513830966,1.9690114259719849,2.134264722466469,0.7539626255314401,5.586567987998326,7.35629940032959 +3.075245547436909,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.6637669513830966,1.9690114259719849,2.134264722466469,0.7539626255314401,5.586567987998326,7.35629940032959 +2.992653022117577,2.420382221019705,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.420382221019705,1.8341904878616333,1.9386063814163208,0.7670190930366516,5.1382584770520525,6.444026470184326 +3.1482900538202623,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.420382221019705,1.8341904878616333,1.9386063814163208,0.7670190930366516,5.1382584770520525,6.444026470184326 +2.85595353123601,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.420382221019705,1.8341904878616333,1.9386063814163208,0.7670190930366516,5.1382584770520525,6.444026470184326 +3.152846371601842,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.420382221019705,1.8341904878616333,1.9386063814163208,0.7670190930366516,5.1382584770520525,6.444026470184326 +2.949306306456381,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.420382221019705,1.8341904878616333,1.9386063814163208,0.7670190930366516,5.1382584770520525,6.444026470184326 +2.9218500111084085,2.601362473521557,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.601362473521557,2.018775701522827,2.1078433990478516,0.6237409184587762,5.561946451663971,6.714562654495239 +3.362365010641614,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.601362473521557,2.018775701522827,2.1078433990478516,0.6237409184587762,5.561946451663971,6.714562654495239 +3.1571211960334677,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.601362473521557,2.018775701522827,2.1078433990478516,0.6237409184587762,5.561946451663971,6.714562654495239 +3.0196725199448653,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.601362473521557,2.018775701522827,2.1078433990478516,0.6237409184587762,5.561946451663971,6.714562654495239 +2.825332381918196,0,2.222283043006328,1.6214821338653564,1.7477866932749748,0.5462880838424602,4.9330553611119585,6.452884674072266,2.601362473521557,2.018775701522827,2.1078433990478516,0.6237409184587762,5.561946451663971,6.714562654495239 +3.108654128580258,2.1807432194186753,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193 +3.0331612894563524,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193 +3.1917484205028424,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193 +3.1689682989047756,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193 +3.205705601237813,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193 +3.1230265978792935,2.2968633361355795,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2968633361355795,1.6447293758392334,1.7627264484763145,0.618152492540948,5.162600512305896,6.183332443237305 +2.9258857035431367,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2968633361355795,1.6447293758392334,1.7627264484763145,0.618152492540948,5.162600512305896,6.183332443237305 +2.9932209166354777,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2968633361355795,1.6447293758392334,1.7627264484763145,0.618152492540948,5.162600512305896,6.183332443237305 +2.8972969879285095,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2968633361355795,1.6447293758392334,1.7627264484763145,0.618152492540948,5.162600512305896,6.183332443237305 +3.113829176685222,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2968633361355795,1.6447293758392334,1.7627264484763145,0.618152492540948,5.162600512305896,6.183332443237305 +3.1119515898412673,2.7175149168643653,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7175149168643653,2.012075424194336,2.133296936750412,0.9723687197299714,5.702875976761182,7.065931558609009 +2.969803967471148,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7175149168643653,2.012075424194336,2.133296936750412,0.9723687197299714,5.702875976761182,7.065931558609009 +3.144849159693054,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7175149168643653,2.012075424194336,2.133296936750412,0.9723687197299714,5.702875976761182,7.065931558609009 +3.236036468880246,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7175149168643653,2.012075424194336,2.133296936750412,0.9723687197299714,5.702875976761182,7.065931558609009 +2.915100898228052,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7175149168643653,2.012075424194336,2.133296936750412,0.9723687197299714,5.702875976761182,7.065931558609009 +3.176992819879194,2.38207735554242,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.38207735554242,1.7652488946914673,1.894653633236885,0.7096127089350781,5.168425316611926,6.6119818687438965 +3.0077560475634644,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.38207735554242,1.7652488946914673,1.894653633236885,0.7096127089350781,5.168425316611926,6.6119818687438965 +2.925833273076252,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.38207735554242,1.7652488946914673,1.894653633236885,0.7096127089350781,5.168425316611926,6.6119818687438965 +3.119354933895546,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.38207735554242,1.7652488946914673,1.894653633236885,0.7096127089350781,5.168425316611926,6.6119818687438965 +3.002548882634001,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.38207735554242,1.7652488946914673,1.894653633236885,0.7096127089350781,5.168425316611926,6.6119818687438965 +3.110104914290203,2.6378131029805587,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6378131029805587,2.1022651195526123,2.1919573694467545,0.8756133666697968,5.387750089168549,6.739743947982788 +3.036603193542369,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6378131029805587,2.1022651195526123,2.1919573694467545,0.8756133666697968,5.387750089168549,6.739743947982788 +3.2035485521077476,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6378131029805587,2.1022651195526123,2.1919573694467545,0.8756133666697968,5.387750089168549,6.739743947982788 +3.036140494937922,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6378131029805587,2.1022651195526123,2.1919573694467545,0.8756133666697968,5.387750089168549,6.739743947982788 +3.0116465127673644,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6378131029805587,2.1022651195526123,2.1919573694467545,0.8756133666697968,5.387750089168549,6.739743947982788 +2.9586063524021395,2.7246183607122663,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7246183607122663,2.0873165130615234,2.3047874718904495,0.7555089786331705,5.598267753918965,6.998364448547363 +3.0184083132354904,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7246183607122663,2.0873165130615234,2.3047874718904495,0.7555089786331705,5.598267753918965,6.998364448547363 +2.783738624788722,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7246183607122663,2.0873165130615234,2.3047874718904495,0.7555089786331705,5.598267753918965,6.998364448547363 +2.8622210535667936,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7246183607122663,2.0873165130615234,2.3047874718904495,0.7555089786331705,5.598267753918965,6.998364448547363 +3.0851497824652125,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7246183607122663,2.0873165130615234,2.3047874718904495,0.7555089786331705,5.598267753918965,6.998364448547363 +2.954961873887388,2.222560115704674,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.222560115704674,1.635900855064392,1.717180572450161,0.5810393825807469,4.832047661145528,6.195398569107056 +3.2248921179526366,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.222560115704674,1.635900855064392,1.717180572450161,0.5810393825807469,4.832047661145528,6.195398569107056 +2.9964100461976915,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.222560115704674,1.635900855064392,1.717180572450161,0.5810393825807469,4.832047661145528,6.195398569107056 +2.928034972765085,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.222560115704674,1.635900855064392,1.717180572450161,0.5810393825807469,4.832047661145528,6.195398569107056 +3.122116080467992,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.222560115704674,1.635900855064392,1.717180572450161,0.5810393825807469,4.832047661145528,6.195398569107056 +2.9580662163167166,2.3717914486196654,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3717914486196654,1.6525638103485107,1.8345590606331825,0.5736841383449575,5.381294478972753,6.646610260009766 +2.8983085662600847,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3717914486196654,1.6525638103485107,1.8345590606331825,0.5736841383449575,5.381294478972753,6.646610260009766 +3.0229392687268852,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3717914486196654,1.6525638103485107,1.8345590606331825,0.5736841383449575,5.381294478972753,6.646610260009766 +2.9179922325304397,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3717914486196654,1.6525638103485107,1.8345590606331825,0.5736841383449575,5.381294478972753,6.646610260009766 +3.033830446198543,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3717914486196654,1.6525638103485107,1.8345590606331825,0.5736841383449575,5.381294478972753,6.646610260009766 +3.1291335719175617,2.6370336536649632,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6370336536649632,2.006035804748535,2.1117426604032516,0.9729398343157261,5.4930150757233305,7.281819820404053 +3.3498554780130676,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6370336536649632,2.006035804748535,2.1117426604032516,0.9729398343157261,5.4930150757233305,7.281819820404053 +2.9490679814542005,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6370336536649632,2.006035804748535,2.1117426604032516,0.9729398343157261,5.4930150757233305,7.281819820404053 +2.8995767391882143,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6370336536649632,2.006035804748535,2.1117426604032516,0.9729398343157261,5.4930150757233305,7.281819820404053 +3.1566588960449637,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6370336536649632,2.006035804748535,2.1117426604032516,0.9729398343157261,5.4930150757233305,7.281819820404053 +3.0061362657290873,2.8443452177559516,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8443452177559516,2.2394826412200928,2.338193953037262,1.2513862778531744,5.444996242721875,6.809035778045654 +2.992615792811391,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8443452177559516,2.2394826412200928,2.338193953037262,1.2513862778531744,5.444996242721875,6.809035778045654 +2.952277172900321,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8443452177559516,2.2394826412200928,2.338193953037262,1.2513862778531744,5.444996242721875,6.809035778045654 +3.1725511920072673,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8443452177559516,2.2394826412200928,2.338193953037262,1.2513862778531744,5.444996242721875,6.809035778045654 +2.809690808664899,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8443452177559516,2.2394826412200928,2.338193953037262,1.2513862778531744,5.444996242721875,6.809035778045654 +3.058847486221822,2.746904236015849,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.746904236015849,2.0583300590515137,2.1686332374811172,0.8927515979776991,5.746931418776512,6.693100690841675 +3.000718451720176,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.746904236015849,2.0583300590515137,2.1686332374811172,0.8927515979776991,5.746931418776512,6.693100690841675 +2.9752442485378654,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.746904236015849,2.0583300590515137,2.1686332374811172,0.8927515979776991,5.746931418776512,6.693100690841675 +3.2195674946595885,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.746904236015849,2.0583300590515137,2.1686332374811172,0.8927515979776991,5.746931418776512,6.693100690841675 +2.710512942478891,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.746904236015849,2.0583300590515137,2.1686332374811172,0.8927515979776991,5.746931418776512,6.693100690841675 +3.1567087285319437,2.3340084329247475,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3340084329247475,1.751783013343811,1.8174763470888138,0.6216108169644436,5.094915345311165,6.412595272064209 +2.945585690517799,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3340084329247475,1.751783013343811,1.8174763470888138,0.6216108169644436,5.094915345311165,6.412595272064209 +2.989442118263213,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3340084329247475,1.751783013343811,1.8174763470888138,0.6216108169644436,5.094915345311165,6.412595272064209 +2.8515630623310884,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3340084329247475,1.751783013343811,1.8174763470888138,0.6216108169644436,5.094915345311165,6.412595272064209 +2.9102820927766335,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3340084329247475,1.751783013343811,1.8174763470888138,0.6216108169644436,5.094915345311165,6.412595272064209 +2.9536761594269256,2.411205316713343,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.411205316713343,1.8931020498275757,1.9330813437700272,0.6776402021976228,5.167251666386922,6.695366859436035 +3.199513422399364,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.411205316713343,1.8931020498275757,1.9330813437700272,0.6776402021976228,5.167251666386922,6.695366859436035 +3.0331247338842333,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.411205316713343,1.8931020498275757,1.9330813437700272,0.6776402021976228,5.167251666386922,6.695366859436035 +3.0506754112417567,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.411205316713343,1.8931020498275757,1.9330813437700272,0.6776402021976228,5.167251666386922,6.695366859436035 +2.952953248544144,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.411205316713343,1.8931020498275757,1.9330813437700272,0.6776402021976228,5.167251666386922,6.695366859436035 +3.1994654580515953,2.505472424298681,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.505472424298681,1.8326959609985352,1.9970722645521164,0.916537011557437,5.265434592962265,7.131016731262207 +2.8250434599441308,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.505472424298681,1.8326959609985352,1.9970722645521164,0.916537011557437,5.265434592962265,7.131016731262207 +3.2831324166581233,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.505472424298681,1.8326959609985352,1.9970722645521164,0.916537011557437,5.265434592962265,7.131016731262207 +2.8364952285662888,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.505472424298681,1.8326959609985352,1.9970722645521164,0.916537011557437,5.265434592962265,7.131016731262207 +2.89302366096477,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.505472424298681,1.8326959609985352,1.9970722645521164,0.916537011557437,5.265434592962265,7.131016731262207 +3.078645172877242,2.557115066230921,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.557115066230921,2.0381686687469482,2.174864739179611,0.7873303793529247,5.089334746201833,6.357004404067993 +3.049944430589676,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.557115066230921,2.0381686687469482,2.174864739179611,0.7873303793529247,5.089334746201833,6.357004404067993 +3.1056813065466575,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.557115066230921,2.0381686687469482,2.174864739179611,0.7873303793529247,5.089334746201833,6.357004404067993 +3.1381548511689474,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.557115066230921,2.0381686687469482,2.174864739179611,0.7873303793529247,5.089334746201833,6.357004404067993 +2.9862526294328173,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.557115066230921,2.0381686687469482,2.174864739179611,0.7873303793529247,5.089334746201833,6.357004404067993 +3.1138120682351786,2.418407396730328,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.418407396730328,1.8329097032546997,1.9740232825279236,0.6937642157711881,5.096373692154884,6.2751100063323975 +2.9879777698483645,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.418407396730328,1.8329097032546997,1.9740232825279236,0.6937642157711881,5.096373692154884,6.2751100063323975 +2.967636476935379,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.418407396730328,1.8329097032546997,1.9740232825279236,0.6937642157711881,5.096373692154884,6.2751100063323975 +3.0466500940073074,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.418407396730328,1.8329097032546997,1.9740232825279236,0.6937642157711881,5.096373692154884,6.2751100063323975 +2.993668650264607,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.418407396730328,1.8329097032546997,1.9740232825279236,0.6937642157711881,5.096373692154884,6.2751100063323975 +3.0938248104694983,2.605517473676442,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.605517473676442,1.8084019422531128,1.9733507633209229,0.7724191007461954,5.871888170639674,8.10452938079834 +3.3142579435234993,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.605517473676442,1.8084019422531128,1.9733507633209229,0.7724191007461954,5.871888170639674,8.10452938079834 +3.1087183239882124,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.605517473676442,1.8084019422531128,1.9733507633209229,0.7724191007461954,5.871888170639674,8.10452938079834 +3.1545779988841605,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.605517473676442,1.8084019422531128,1.9733507633209229,0.7724191007461954,5.871888170639674,8.10452938079834 +2.9864319198288083,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.605517473676442,1.8084019422531128,1.9733507633209229,0.7724191007461954,5.871888170639674,8.10452938079834 +3.212815455716864,2.8405705298740824,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8405705298740824,2.278127670288086,2.35533744096756,1.1809721126201305,5.404806315898895,6.233290672302246 +3.0714714150253277,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8405705298740824,2.278127670288086,2.35533744096756,1.1809721126201305,5.404806315898895,6.233290672302246 +2.9303283275003773,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8405705298740824,2.278127670288086,2.35533744096756,1.1809721126201305,5.404806315898895,6.233290672302246 +3.062836654069253,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8405705298740824,2.278127670288086,2.35533744096756,1.1809721126201305,5.404806315898895,6.233290672302246 +3.0514535530413496,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8405705298740824,2.278127670288086,2.35533744096756,1.1809721126201305,5.404806315898895,6.233290672302246 +3.163339397832949,2.644777155359378,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.644777155359378,2.1657307147979736,2.258841097354889,0.9538120018674973,5.302824109792709,6.918898582458496 +3.1636977427557547,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.644777155359378,2.1657307147979736,2.258841097354889,0.9538120018674973,5.302824109792709,6.918898582458496 +3.0235907694507658,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.644777155359378,2.1657307147979736,2.258841097354889,0.9538120018674973,5.302824109792709,6.918898582458496 +3.200442820273597,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.644777155359378,2.1657307147979736,2.258841097354889,0.9538120018674973,5.302824109792709,6.918898582458496 +3.3640583384021205,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.644777155359378,2.1657307147979736,2.258841097354889,0.9538120018674973,5.302824109792709,6.918898582458496 +2.908543640525335,3.0621971710346134,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.0621971710346134,2.624504566192627,2.593408927321434,1.040687954489221,6.057947268088658,7.7962987422943115 +3.0104173623638064,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.0621971710346134,2.624504566192627,2.593408927321434,1.040687954489221,6.057947268088658,7.7962987422943115 +2.877440940400966,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.0621971710346134,2.624504566192627,2.593408927321434,1.040687954489221,6.057947268088658,7.7962987422943115 +3.2711047748948596,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.0621971710346134,2.624504566192627,2.593408927321434,1.040687954489221,6.057947268088658,7.7962987422943115 +2.962035324592489,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.0621971710346134,2.624504566192627,2.593408927321434,1.040687954489221,6.057947268088658,7.7962987422943115 +3.1887309240765216,2.4243419052574646,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4243419052574646,1.8264920711517334,1.9402417317032814,0.5618051407819099,5.360528369744618,6.845205068588257 +3.1320482088890254,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4243419052574646,1.8264920711517334,1.9402417317032814,0.5618051407819099,5.360528369744618,6.845205068588257 +3.0469729634747895,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4243419052574646,1.8264920711517334,1.9402417317032814,0.5618051407819099,5.360528369744618,6.845205068588257 +3.0871019278225593,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4243419052574646,1.8264920711517334,1.9402417317032814,0.5618051407819099,5.360528369744618,6.845205068588257 +2.890414158094783,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4243419052574646,1.8264920711517334,1.9402417317032814,0.5618051407819099,5.360528369744618,6.845205068588257 +3.0571350619315467,2.51938138594022,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.51938138594022,1.8139125108718872,1.9426587969064713,0.6987977945741187,5.5622750123341875,7.3645994663238525 +2.831212137200788,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.51938138594022,1.8139125108718872,1.9426587969064713,0.6987977945741187,5.5622750123341875,7.3645994663238525 +3.168659645718194,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.51938138594022,1.8139125108718872,1.9426587969064713,0.6987977945741187,5.5622750123341875,7.3645994663238525 +3.0553517048531247,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.51938138594022,1.8139125108718872,1.9426587969064713,0.6987977945741187,5.5622750123341875,7.3645994663238525 +3.085012831880812,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.51938138594022,1.8139125108718872,1.9426587969064713,0.6987977945741187,5.5622750123341875,7.3645994663238525 +2.9467186607637834,2.3633713247888375,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3633713247888375,1.7280504703521729,1.8071340471506119,0.5982945929182336,5.34821471075217,6.64202880859375 +3.08950117333182,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3633713247888375,1.7280504703521729,1.8071340471506119,0.5982945929182336,5.34821471075217,6.64202880859375 +2.8772642566212294,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3633713247888375,1.7280504703521729,1.8071340471506119,0.5982945929182336,5.34821471075217,6.64202880859375 +2.978494186161842,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3633713247888375,1.7280504703521729,1.8071340471506119,0.5982945929182336,5.34821471075217,6.64202880859375 +3.1963114583128642,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3633713247888375,1.7280504703521729,1.8071340471506119,0.5982945929182336,5.34821471075217,6.64202880859375 +3.008096289354073,2.321198084318513,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.321198084318513,1.5907776355743408,1.7012954950332642,0.5223333380640821,5.323114275932312,7.0861217975616455 +2.938277734586826,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.321198084318513,1.5907776355743408,1.7012954950332642,0.5223333380640821,5.323114275932312,7.0861217975616455 +2.934632455757189,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.321198084318513,1.5907776355743408,1.7012954950332642,0.5223333380640821,5.323114275932312,7.0861217975616455 +2.8257810966721895,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.321198084318513,1.5907776355743408,1.7012954950332642,0.5223333380640821,5.323114275932312,7.0861217975616455 +2.8668626871365133,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.321198084318513,1.5907776355743408,1.7012954950332642,0.5223333380640821,5.323114275932312,7.0861217975616455 +3.0208824950243183,2.580516104766836,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.580516104766836,1.8071026802062988,2.013095587491989,0.829992395132146,5.49762328962485,7.3531670570373535 +3.1239879947521327,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.580516104766836,1.8071026802062988,2.013095587491989,0.829992395132146,5.49762328962485,7.3531670570373535 +3.066897917627814,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.580516104766836,1.8071026802062988,2.013095587491989,0.829992395132146,5.49762328962485,7.3531670570373535 +3.080512210291956,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.580516104766836,1.8071026802062988,2.013095587491989,0.829992395132146,5.49762328962485,7.3531670570373535 +3.0090185944139165,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.580516104766836,1.8071026802062988,2.013095587491989,0.829992395132146,5.49762328962485,7.3531670570373535 +3.090178662906117,2.412904848447021,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.412904848447021,1.7743163108825684,1.8544328063726425,0.6258334523819863,5.46932315826416,6.848411321640015 +2.9297233119567445,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.412904848447021,1.7743163108825684,1.8544328063726425,0.6258334523819863,5.46932315826416,6.848411321640015 +3.1227856258063795,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.412904848447021,1.7743163108825684,1.8544328063726425,0.6258334523819863,5.46932315826416,6.848411321640015 +3.0812665433561137,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.412904848447021,1.7743163108825684,1.8544328063726425,0.6258334523819863,5.46932315826416,6.848411321640015 +2.796500230262387,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.412904848447021,1.7743163108825684,1.8544328063726425,0.6258334523819863,5.46932315826416,6.848411321640015 +3.115159654372251,2.927985551859696,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.927985551859696,2.396942377090454,2.43884040415287,0.8308682203926938,6.127242888013522,7.894272804260254 +2.8727663795930636,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.927985551859696,2.396942377090454,2.43884040415287,0.8308682203926938,6.127242888013522,7.894272804260254 +3.1262440823749773,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.927985551859696,2.396942377090454,2.43884040415287,0.8308682203926938,6.127242888013522,7.894272804260254 +2.908667346467548,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.927985551859696,2.396942377090454,2.43884040415287,0.8308682203926938,6.127242888013522,7.894272804260254 +3.0370960871563035,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.927985551859696,2.396942377090454,2.43884040415287,0.8308682203926938,6.127242888013522,7.894272804260254 +3.203069882719365,3.142584585589576,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.142584585589576,2.6041393280029297,2.7269745469093323,0.957250453848788,6.244316885868709,8.411967754364014 +2.91862718288636,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.142584585589576,2.6041393280029297,2.7269745469093323,0.957250453848788,6.244316885868709,8.411967754364014 +2.960406427417415,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.142584585589576,2.6041393280029297,2.7269745469093323,0.957250453848788,6.244316885868709,8.411967754364014 +2.9696793892378834,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.142584585589576,2.6041393280029297,2.7269745469093323,0.957250453848788,6.244316885868709,8.411967754364014 +3.095545663441524,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,3.142584585589576,2.6041393280029297,2.7269745469093323,0.957250453848788,6.244316885868709,8.411967754364014 +3.282613209352411,2.231167321273794,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.231167321273794,1.6678874492645264,1.7743049636483192,0.638293151525741,4.843540996313095,5.937150239944458 +3.0802285487835226,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.231167321273794,1.6678874492645264,1.7743049636483192,0.638293151525741,4.843540996313095,5.937150239944458 +3.179736620037562,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.231167321273794,1.6678874492645264,1.7743049636483192,0.638293151525741,4.843540996313095,5.937150239944458 +2.8196883736578475,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.231167321273794,1.6678874492645264,1.7743049636483192,0.638293151525741,4.843540996313095,5.937150239944458 +3.019479194453446,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.231167321273794,1.6678874492645264,1.7743049636483192,0.638293151525741,4.843540996313095,5.937150239944458 +2.8928369699683367,2.3736659589160176,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3736659589160176,1.7910032272338867,1.8856545016169548,0.607164869124585,5.230295990904172,6.873898506164551 +2.963428723677716,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3736659589160176,1.7910032272338867,1.8856545016169548,0.607164869124585,5.230295990904172,6.873898506164551 +2.9814038127463123,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3736659589160176,1.7910032272338867,1.8856545016169548,0.607164869124585,5.230295990904172,6.873898506164551 +2.85654024803512,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3736659589160176,1.7910032272338867,1.8856545016169548,0.607164869124585,5.230295990904172,6.873898506164551 +2.9344438545465152,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3736659589160176,1.7910032272338867,1.8856545016169548,0.607164869124585,5.230295990904172,6.873898506164551 +3.0565756360953302,2.450829473465525,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.450829473465525,1.8856443166732788,1.9993277043104172,0.5998045244115464,5.296273425221443,6.921753644943237 +3.1128745742082913,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.450829473465525,1.8856443166732788,1.9993277043104172,0.5998045244115464,5.296273425221443,6.921753644943237 +2.936564281938563,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.450829473465525,1.8856443166732788,1.9993277043104172,0.5998045244115464,5.296273425221443,6.921753644943237 +2.900836341932851,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.450829473465525,1.8856443166732788,1.9993277043104172,0.5998045244115464,5.296273425221443,6.921753644943237 +3.043747345356157,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.450829473465525,1.8856443166732788,1.9993277043104172,0.5998045244115464,5.296273425221443,6.921753644943237 +3.1031060871576757,2.640513238170384,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.640513238170384,1.8834632635116577,2.0192935466766357,0.8150565662282578,5.704726288715999,6.937271356582642 +2.9612032261229952,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.640513238170384,1.8834632635116577,2.0192935466766357,0.8150565662282578,5.704726288715999,6.937271356582642 +2.8651017416416806,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.640513238170384,1.8834632635116577,2.0192935466766357,0.8150565662282578,5.704726288715999,6.937271356582642 +2.7372890057076824,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.640513238170384,1.8834632635116577,2.0192935466766357,0.8150565662282578,5.704726288715999,6.937271356582642 +2.9308070259005703,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.640513238170384,1.8834632635116577,2.0192935466766357,0.8150565662282578,5.704726288715999,6.937271356582642 +3.1477828321864814,2.3171623115530187,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3171623115530187,1.5068813562393188,1.6694696247577667,0.5145447205038781,5.481827110052109,7.612104654312134 +2.8430365011767935,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3171623115530187,1.5068813562393188,1.6694696247577667,0.5145447205038781,5.481827110052109,7.612104654312134 +2.742040419570647,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3171623115530187,1.5068813562393188,1.6694696247577667,0.5145447205038781,5.481827110052109,7.612104654312134 +3.057453436742411,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3171623115530187,1.5068813562393188,1.6694696247577667,0.5145447205038781,5.481827110052109,7.612104654312134 +3.074212583607008,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3171623115530187,1.5068813562393188,1.6694696247577667,0.5145447205038781,5.481827110052109,7.612104654312134 +2.848865985060086,2.3165209635858135,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3165209635858135,1.4835851192474365,1.6886883229017258,0.6302437766435298,5.315724407633145,6.544076442718506 +2.9002436420013167,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3165209635858135,1.4835851192474365,1.6886883229017258,0.6302437766435298,5.315724407633145,6.544076442718506 +3.0712252827237707,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3165209635858135,1.4835851192474365,1.6886883229017258,0.6302437766435298,5.315724407633145,6.544076442718506 +2.977389742449835,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3165209635858135,1.4835851192474365,1.6886883229017258,0.6302437766435298,5.315724407633145,6.544076442718506 +3.0565172075553346,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3165209635858135,1.4835851192474365,1.6886883229017258,0.6302437766435298,5.315724407633145,6.544076442718506 +2.971173245825407,2.2642234165943105,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2642234165943105,1.609124779701233,1.7910722717642784,0.5946822553238971,4.997953876852989,6.274063587188721 +2.8402734559118272,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2642234165943105,1.609124779701233,1.7910722717642784,0.5946822553238971,4.997953876852989,6.274063587188721 +2.7184019832222153,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2642234165943105,1.609124779701233,1.7910722717642784,0.5946822553238971,4.997953876852989,6.274063587188721 +2.800519862960757,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2642234165943105,1.609124779701233,1.7910722717642784,0.5946822553238971,4.997953876852989,6.274063587188721 +2.9611864024155654,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2642234165943105,1.609124779701233,1.7910722717642784,0.5946822553238971,4.997953876852989,6.274063587188721 +2.930139377792255,2.8694626181849636,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8694626181849636,2.267449378967285,2.3927837312221527,0.8978488096531402,5.907068322102229,7.475692272186279 +2.9555481361417937,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8694626181849636,2.267449378967285,2.3927837312221527,0.8978488096531402,5.907068322102229,7.475692272186279 +2.8148157232557116,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8694626181849636,2.267449378967285,2.3927837312221527,0.8978488096531402,5.907068322102229,7.475692272186279 +3.2453459890198646,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8694626181849636,2.267449378967285,2.3927837312221527,0.8978488096531402,5.907068322102229,7.475692272186279 +2.958533176139432,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.8694626181849636,2.267449378967285,2.3927837312221527,0.8978488096531402,5.907068322102229,7.475692272186279 +3.0862749890481127,2.7358104127083775,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7358104127083775,2.1526780128479004,2.259907513856888,0.9164413540287221,5.593340610464414,7.451122283935547 +2.9495263006192305,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7358104127083775,2.1526780128479004,2.259907513856888,0.9164413540287221,5.593340610464414,7.451122283935547 +2.70935025850721,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7358104127083775,2.1526780128479004,2.259907513856888,0.9164413540287221,5.593340610464414,7.451122283935547 +3.273598215426627,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7358104127083775,2.1526780128479004,2.259907513856888,0.9164413540287221,5.593340610464414,7.451122283935547 +3.21688296914654,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7358104127083775,2.1526780128479004,2.259907513856888,0.9164413540287221,5.593340610464414,7.451122283935547 +3.0929033850129466,2.3626230819765186,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3626230819765186,1.7576940059661865,1.8242769911885262,0.6170632682265119,5.257070973515511,6.924976110458374 +3.0204899805333634,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3626230819765186,1.7576940059661865,1.8242769911885262,0.6170632682265119,5.257070973515511,6.924976110458374 +2.9311742304332693,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3626230819765186,1.7576940059661865,1.8242769911885262,0.6170632682265119,5.257070973515511,6.924976110458374 +2.963914008549259,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3626230819765186,1.7576940059661865,1.8242769911885262,0.6170632682265119,5.257070973515511,6.924976110458374 +2.9499972924708686,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3626230819765186,1.7576940059661865,1.8242769911885262,0.6170632682265119,5.257070973515511,6.924976110458374 +3.07780267954347,2.537759909611098,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.537759909611098,1.8292758464813232,2.0243668407201767,0.8729469706403449,5.245778153340022,6.487739324569702 +2.8657978360469523,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.537759909611098,1.8292758464813232,2.0243668407201767,0.8729469706403449,5.245778153340022,6.487739324569702 +2.798612569110463,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.537759909611098,1.8292758464813232,2.0243668407201767,0.8729469706403449,5.245778153340022,6.487739324569702 +3.0574599858225184,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.537759909611098,1.8292758464813232,2.0243668407201767,0.8729469706403449,5.245778153340022,6.487739324569702 +2.954238329270474,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.537759909611098,1.8292758464813232,2.0243668407201767,0.8729469706403449,5.245778153340022,6.487739324569702 +2.9638529102903464,2.342416175294921,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.342416175294921,1.6660089492797852,1.8176147192716599,0.5945461148277242,5.265833581487338,7.387545585632324 +2.8437828280288597,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.342416175294921,1.6660089492797852,1.8176147192716599,0.5945461148277242,5.265833581487338,7.387545585632324 +2.964396391785271,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.342416175294921,1.6660089492797852,1.8176147192716599,0.5945461148277242,5.265833581487338,7.387545585632324 +3.0375666597398587,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.342416175294921,1.6660089492797852,1.8176147192716599,0.5945461148277242,5.265833581487338,7.387545585632324 +3.0545593083537224,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.342416175294921,1.6660089492797852,1.8176147192716599,0.5945461148277242,5.265833581487338,7.387545585632324 +3.051789229286128,2.25492705822147,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.25492705822147,1.5647305250167847,1.684752568602562,0.5346888660433444,5.168648784359296,6.552663564682007 +3.0272526242214424,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.25492705822147,1.5647305250167847,1.684752568602562,0.5346888660433444,5.168648784359296,6.552663564682007 +2.9884515865767667,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.25492705822147,1.5647305250167847,1.684752568602562,0.5346888660433444,5.168648784359296,6.552663564682007 +2.788049290702735,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.25492705822147,1.5647305250167847,1.684752568602562,0.5346888660433444,5.168648784359296,6.552663564682007 +2.890164845502029,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.25492705822147,1.5647305250167847,1.684752568602562,0.5346888660433444,5.168648784359296,6.552663564682007 +2.794683256658382,2.316061742174688,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.316061742174688,1.7271442413330078,1.8525620698928833,0.776031124465009,4.898029228051503,6.51295018196106 +3.015992122398447,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.316061742174688,1.7271442413330078,1.8525620698928833,0.776031124465009,4.898029228051503,6.51295018196106 +3.0700243727677066,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.316061742174688,1.7271442413330078,1.8525620698928833,0.776031124465009,4.898029228051503,6.51295018196106 +3.2041731161369253,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.316061742174688,1.7271442413330078,1.8525620698928833,0.776031124465009,4.898029228051503,6.51295018196106 +2.6723355940624636,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.316061742174688,1.7271442413330078,1.8525620698928833,0.776031124465009,4.898029228051503,6.51295018196106 +3.041248240683534,2.438677890411534,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.438677890411534,2.062034845352173,2.0427966862916946,0.6450400236756244,5.093018780152003,6.321726322174072 +2.9686096166347005,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.438677890411534,2.062034845352173,2.0427966862916946,0.6450400236756244,5.093018780152003,6.321726322174072 +2.8112088575050116,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.438677890411534,2.062034845352173,2.0427966862916946,0.6450400236756244,5.093018780152003,6.321726322174072 +2.9340515718338342,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.438677890411534,2.062034845352173,2.0427966862916946,0.6450400236756244,5.093018780152003,6.321726322174072 +2.9451241480181642,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.438677890411534,2.062034845352173,2.0427966862916946,0.6450400236756244,5.093018780152003,6.321726322174072 +3.0358037455526206,2.46215625590991,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.46215625590991,1.585232138633728,1.7824859842658043,0.532768393133549,5.86677826444308,7.4125816822052 +3.2083193956817495,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.46215625590991,1.585232138633728,1.7824859842658043,0.532768393133549,5.86677826444308,7.4125816822052 +3.3138931634729674,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.46215625590991,1.585232138633728,1.7824859842658043,0.532768393133549,5.86677826444308,7.4125816822052 +3.0946980550964254,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.46215625590991,1.585232138633728,1.7824859842658043,0.532768393133549,5.86677826444308,7.4125816822052 +2.914173732741442,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.46215625590991,1.585232138633728,1.7824859842658043,0.532768393133549,5.86677826444308,7.4125816822052 +3.3508498780528178,2.5162322711960186,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.5162322711960186,2.054332733154297,2.1205980479717255,0.8263910921647194,5.056501696507136,6.422746658325195 +2.961759379217574,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.5162322711960186,2.054332733154297,2.1205980479717255,0.8263910921647194,5.056501696507136,6.422746658325195 +2.8327813366679995,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.5162322711960186,2.054332733154297,2.1205980479717255,0.8263910921647194,5.056501696507136,6.422746658325195 +3.0589322939673216,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.5162322711960186,2.054332733154297,2.1205980479717255,0.8263910921647194,5.056501696507136,6.422746658325195 +2.786218992812406,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.5162322711960186,2.054332733154297,2.1205980479717255,0.8263910921647194,5.056501696507136,6.422746658325195 +2.965603681908678,2.636669946278577,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.636669946278577,1.9587469100952148,2.097823143005371,0.8848195722762574,5.5752099603414536,7.802507638931274 +2.9255393492527286,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.636669946278577,1.9587469100952148,2.097823143005371,0.8848195722762574,5.5752099603414536,7.802507638931274 +2.9074026457273674,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.636669946278577,1.9587469100952148,2.097823143005371,0.8848195722762574,5.5752099603414536,7.802507638931274 +3.115700439962531,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.636669946278577,1.9587469100952148,2.097823143005371,0.8848195722762574,5.5752099603414536,7.802507638931274 +3.12684384498261,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.636669946278577,1.9587469100952148,2.097823143005371,0.8848195722762574,5.5752099603414536,7.802507638931274 +3.0432052254004884,2.3992165659812734,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3992165659812734,1.7656922340393066,1.947263941168785,0.6364288819914169,5.178607891003291,6.410540580749512 +2.895570416507417,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3992165659812734,1.7656922340393066,1.947263941168785,0.6364288819914169,5.178607891003291,6.410540580749512 +2.931894515312477,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3992165659812734,1.7656922340393066,1.947263941168785,0.6364288819914169,5.178607891003291,6.410540580749512 +3.121690836722718,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3992165659812734,1.7656922340393066,1.947263941168785,0.6364288819914169,5.178607891003291,6.410540580749512 +2.973919896611484,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3992165659812734,1.7656922340393066,1.947263941168785,0.6364288819914169,5.178607891003291,6.410540580749512 +3.2995441146886635,2.398656651299661,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.398656651299661,1.7238551378250122,1.856128767132759,0.6465153643425475,5.381537566582362,6.935009717941284 +3.077923164957398,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.398656651299661,1.7238551378250122,1.856128767132759,0.6465153643425475,5.381537566582362,6.935009717941284 +3.132775946562265,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.398656651299661,1.7238551378250122,1.856128767132759,0.6465153643425475,5.381537566582362,6.935009717941284 +3.044826418892616,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.398656651299661,1.7238551378250122,1.856128767132759,0.6465153643425475,5.381537566582362,6.935009717941284 +2.764115083893509,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.398656651299661,1.7238551378250122,1.856128767132759,0.6465153643425475,5.381537566582362,6.935009717941284 +2.91211158924536,2.6995673009550383,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6995673009550383,1.9538450241088867,2.203928530216217,0.9171015372935761,5.623221799731255,6.864564657211304 +2.9661290679591406,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6995673009550383,1.9538450241088867,2.203928530216217,0.9171015372935761,5.623221799731255,6.864564657211304 +3.017032015288066,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6995673009550383,1.9538450241088867,2.203928530216217,0.9171015372935761,5.623221799731255,6.864564657211304 +3.0039699306459577,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6995673009550383,1.9538450241088867,2.203928530216217,0.9171015372935761,5.623221799731255,6.864564657211304 +2.8416869726911465,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6995673009550383,1.9538450241088867,2.203928530216217,0.9171015372935761,5.623221799731255,6.864564657211304 +3.0797611362738064,2.7619746148742306,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7619746148742306,2.247856855392456,2.3407277911901474,0.9657376240542594,5.41824125746886,6.847156763076782 +2.9286891255992162,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7619746148742306,2.247856855392456,2.3407277911901474,0.9657376240542594,5.41824125746886,6.847156763076782 +3.0129226036666243,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7619746148742306,2.247856855392456,2.3407277911901474,0.9657376240542594,5.41824125746886,6.847156763076782 +3.0047802737758396,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7619746148742306,2.247856855392456,2.3407277911901474,0.9657376240542594,5.41824125746886,6.847156763076782 +3.223389649580897,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.7619746148742306,2.247856855392456,2.3407277911901474,0.9657376240542594,5.41824125746886,6.847156763076782 +2.920758664785867,2.365823057816603,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.365823057816603,1.5654807090759277,1.72576242685318,0.6050324612792503,5.488585333029429,7.085509538650513 +3.1054026187849613,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.365823057816603,1.5654807090759277,1.72576242685318,0.6050324612792503,5.488585333029429,7.085509538650513 +2.927508119780284,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.365823057816603,1.5654807090759277,1.72576242685318,0.6050324612792503,5.488585333029429,7.085509538650513 +2.919771411928005,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.365823057816603,1.5654807090759277,1.72576242685318,0.6050324612792503,5.488585333029429,7.085509538650513 +3.0562157826967518,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.365823057816603,1.5654807090759277,1.72576242685318,0.6050324612792503,5.488585333029429,7.085509538650513 +3.1611825453231126,2.361558893705226,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.361558893705226,1.5156865119934082,1.7408668622374535,0.49690978244898165,5.440944467981656,6.873601913452148 +2.970215678412655,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.361558893705226,1.5156865119934082,1.7408668622374535,0.49690978244898165,5.440944467981656,6.873601913452148 +2.8362514680987645,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.361558893705226,1.5156865119934082,1.7408668622374535,0.49690978244898165,5.440944467981656,6.873601913452148 +2.984333823052104,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.361558893705226,1.5156865119934082,1.7408668622374535,0.49690978244898165,5.440944467981656,6.873601913452148 +3.0537761320367416,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.361558893705226,1.5156865119934082,1.7408668622374535,0.49690978244898165,5.440944467981656,6.873601913452148 +2.8483547241839555,2.966214097724223,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.966214097724223,2.4416816234588623,2.5887729674577713,0.9691489330948667,5.660463685790698,6.565816164016724 +3.0390419941840183,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.966214097724223,2.4416816234588623,2.5887729674577713,0.9691489330948667,5.660463685790698,6.565816164016724 +3.071728447032228,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.966214097724223,2.4416816234588623,2.5887729674577713,0.9691489330948667,5.660463685790698,6.565816164016724 +2.75371829805703,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.966214097724223,2.4416816234588623,2.5887729674577713,0.9691489330948667,5.660463685790698,6.565816164016724 +2.9094838420378752,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.966214097724223,2.4416816234588623,2.5887729674577713,0.9691489330948667,5.660463685790698,6.565816164016724 +3.112737944295299,2.4944370413949977,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4944370413949977,1.9055699110031128,2.0342537611722946,0.7493793038611717,5.2240083664655685,6.207409858703613 +2.8380607721897273,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4944370413949977,1.9055699110031128,2.0342537611722946,0.7493793038611717,5.2240083664655685,6.207409858703613 +3.101709481575761,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4944370413949977,1.9055699110031128,2.0342537611722946,0.7493793038611717,5.2240083664655685,6.207409858703613 +2.8792013455409586,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4944370413949977,1.9055699110031128,2.0342537611722946,0.7493793038611717,5.2240083664655685,6.207409858703613 +2.8719998577347803,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.4944370413949977,1.9055699110031128,2.0342537611722946,0.7493793038611717,5.2240083664655685,6.207409858703613 +3.1107097703874587,2.3247042832730327,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3247042832730327,1.649482011795044,1.7565877884626389,0.622715247755355,5.1681832720836,6.963148593902588 +2.897257716214625,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3247042832730327,1.649482011795044,1.7565877884626389,0.622715247755355,5.1681832720836,6.963148593902588 +3.03246132531438,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3247042832730327,1.649482011795044,1.7565877884626389,0.622715247755355,5.1681832720836,6.963148593902588 +3.248055433661773,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3247042832730327,1.649482011795044,1.7565877884626389,0.622715247755355,5.1681832720836,6.963148593902588 +3.052570905249852,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3247042832730327,1.649482011795044,1.7565877884626389,0.622715247755355,5.1681832720836,6.963148593902588 +3.0241211615996906,2.383474825954562,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.383474825954562,1.8671835660934448,1.9507787749171257,0.6399295586854854,5.089917699495952,6.511012554168701 +2.7922976292689534,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.383474825954562,1.8671835660934448,1.9507787749171257,0.6399295586854854,5.089917699495952,6.511012554168701 +2.9328519170733283,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.383474825954562,1.8671835660934448,1.9507787749171257,0.6399295586854854,5.089917699495952,6.511012554168701 +2.8169447389537523,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.383474825954562,1.8671835660934448,1.9507787749171257,0.6399295586854854,5.089917699495952,6.511012554168701 +3.1045585367976827,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.383474825954562,1.8671835660934448,1.9507787749171257,0.6399295586854854,5.089917699495952,6.511012554168701 +2.927276464569474,2.286949029533651,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.286949029533651,1.5768152475357056,1.7330197170376778,0.5104706074963224,5.325846786300342,6.692166328430176 +3.1423742740121066,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.286949029533651,1.5768152475357056,1.7330197170376778,0.5104706074963224,5.325846786300342,6.692166328430176 +2.910981121841097,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.286949029533651,1.5768152475357056,1.7330197170376778,0.5104706074963224,5.325846786300342,6.692166328430176 +3.2821966099999944,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.286949029533651,1.5768152475357056,1.7330197170376778,0.5104706074963224,5.325846786300342,6.692166328430176 +2.8252957412276407,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.286949029533651,1.5768152475357056,1.7330197170376778,0.5104706074963224,5.325846786300342,6.692166328430176 +3.0598910818721317,2.9683563172505165,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.9683563172505165,2.3789100646972656,2.5332832634449005,1.0009986897732348,5.848285456498464,7.793452501296997 +2.987751301605284,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.9683563172505165,2.3789100646972656,2.5332832634449005,1.0009986897732348,5.848285456498464,7.793452501296997 +2.889917797549808,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.9683563172505165,2.3789100646972656,2.5332832634449005,1.0009986897732348,5.848285456498464,7.793452501296997 +2.96289404141729,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.9683563172505165,2.3789100646972656,2.5332832634449005,1.0009986897732348,5.848285456498464,7.793452501296997 +2.9460886502218497,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.9683563172505165,2.3789100646972656,2.5332832634449005,1.0009986897732348,5.848285456498464,7.793452501296997 +2.9212051896620492,2.6141956095920182,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6141956095920182,1.9917410612106323,2.157379776239395,0.8087490036132488,5.495159089565277,6.777592897415161 +2.782103365292125,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6141956095920182,1.9917410612106323,2.157379776239395,0.8087490036132488,5.495159089565277,6.777592897415161 +3.251272871082436,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6141956095920182,1.9917410612106323,2.157379776239395,0.8087490036132488,5.495159089565277,6.777592897415161 +3.019488511019107,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6141956095920182,1.9917410612106323,2.157379776239395,0.8087490036132488,5.495159089565277,6.777592897415161 +2.9835514584531517,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6141956095920182,1.9917410612106323,2.157379776239395,0.8087490036132488,5.495159089565277,6.777592897415161 +2.7939125934432925,2.389020435004958,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.389020435004958,1.5747039318084717,1.7152421101927757,0.5868898091164041,5.652047112584114,6.905691146850586 +3.147257015109062,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.389020435004958,1.5747039318084717,1.7152421101927757,0.5868898091164041,5.652047112584114,6.905691146850586 +3.088028890937962,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.389020435004958,1.5747039318084717,1.7152421101927757,0.5868898091164041,5.652047112584114,6.905691146850586 +2.9151705335479834,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.389020435004958,1.5747039318084717,1.7152421101927757,0.5868898091164041,5.652047112584114,6.905691146850586 +2.7622466080226697,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.389020435004958,1.5747039318084717,1.7152421101927757,0.5868898091164041,5.652047112584114,6.905691146850586 +3.0934747219164747,2.2382208882045997,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2382208882045997,1.4482085704803467,1.6022600904107094,0.46374717766934254,5.272483880321185,6.432958602905273 +2.8383317753791175,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2382208882045997,1.4482085704803467,1.6022600904107094,0.46374717766934254,5.272483880321185,6.432958602905273 +2.733177050315733,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2382208882045997,1.4482085704803467,1.6022600904107094,0.46374717766934254,5.272483880321185,6.432958602905273 +3.2733297627073386,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2382208882045997,1.4482085704803467,1.6022600904107094,0.46374717766934254,5.272483880321185,6.432958602905273 +2.9009183106118868,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.2382208882045997,1.4482085704803467,1.6022600904107094,0.46374717766934254,5.272483880321185,6.432958602905273 +2.8130234645911805,2.519166408682057,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.519166408682057,1.7551313638687134,1.8961081579327583,0.6816462733327074,5.712239106496175,7.357109069824219 +2.8721733903141806,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.519166408682057,1.7551313638687134,1.8961081579327583,0.6816462733327074,5.712239106496175,7.357109069824219 +2.999154051711452,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.519166408682057,1.7551313638687134,1.8961081579327583,0.6816462733327074,5.712239106496175,7.357109069824219 +2.907451034145583,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.519166408682057,1.7551313638687134,1.8961081579327583,0.6816462733327074,5.712239106496175,7.357109069824219 +3.0530605050352273,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.519166408682057,1.7551313638687134,1.8961081579327583,0.6816462733327074,5.712239106496175,7.357109069824219 +2.916260468232537,2.45864899682749,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.45864899682749,1.7198772430419922,1.9016970098018646,0.8738431042813241,5.375713437795639,7.069371461868286 +2.77069938022752,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.45864899682749,1.7198772430419922,1.9016970098018646,0.8738431042813241,5.375713437795639,7.069371461868286 +2.9104506290006387,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.45864899682749,1.7198772430419922,1.9016970098018646,0.8738431042813241,5.375713437795639,7.069371461868286 +2.896701610056728,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.45864899682749,1.7198772430419922,1.9016970098018646,0.8738431042813241,5.375713437795639,7.069371461868286 +2.933397039059619,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.45864899682749,1.7198772430419922,1.9016970098018646,0.8738431042813241,5.375713437795639,7.069371461868286 +2.9573250696142095,2.254814738807566,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.254814738807566,1.4663372039794922,1.663859374821186,0.573253886972336,5.246124138434728,7.1184046268463135 +2.9004414896591904,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.254814738807566,1.4663372039794922,1.663859374821186,0.573253886972336,5.246124138434728,7.1184046268463135 +2.8194054235514026,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.254814738807566,1.4663372039794922,1.663859374821186,0.573253886972336,5.246124138434728,7.1184046268463135 +2.9624260019718496,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.254814738807566,1.4663372039794922,1.663859374821186,0.573253886972336,5.246124138434728,7.1184046268463135 +2.9496930172810187,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.254814738807566,1.4663372039794922,1.663859374821186,0.573253886972336,5.246124138434728,7.1184046268463135 +2.962922239888568,2.3150824081367225,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3150824081367225,1.5781798362731934,1.715017482638359,0.6040968314764348,5.281292736530304,6.933934688568115 +2.9222592404927434,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3150824081367225,1.5781798362731934,1.715017482638359,0.6040968314764348,5.281292736530304,6.933934688568115 +3.02225375216978,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3150824081367225,1.5781798362731934,1.715017482638359,0.6040968314764348,5.281292736530304,6.933934688568115 +3.1815098483975115,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3150824081367225,1.5781798362731934,1.715017482638359,0.6040968314764348,5.281292736530304,6.933934688568115 +2.875801430516123,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3150824081367225,1.5781798362731934,1.715017482638359,0.6040968314764348,5.281292736530304,6.933934688568115 +3.178959014146176,2.251956536897814,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.251956536897814,1.588438630104065,1.721067562699318,0.528199278610818,5.144512251019478,6.364647388458252 +2.7427639400571664,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.251956536897814,1.588438630104065,1.721067562699318,0.528199278610818,5.144512251019478,6.364647388458252 +2.8316575666439943,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.251956536897814,1.588438630104065,1.721067562699318,0.528199278610818,5.144512251019478,6.364647388458252 +2.963645338083294,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.251956536897814,1.588438630104065,1.721067562699318,0.528199278610818,5.144512251019478,6.364647388458252 +2.880137487415926,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.251956536897814,1.588438630104065,1.721067562699318,0.528199278610818,5.144512251019478,6.364647388458252 +3.0061668586232932,2.523687215960775,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.523687215960775,2.0343241691589355,2.057692512869835,0.7289439641097759,5.353601669271787,6.729126214981079 +2.9519823909359206,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.523687215960775,2.0343241691589355,2.057692512869835,0.7289439641097759,5.353601669271787,6.729126214981079 +2.7576168735242335,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.523687215960775,2.0343241691589355,2.057692512869835,0.7289439641097759,5.353601669271787,6.729126214981079 +2.973451827185856,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.523687215960775,2.0343241691589355,2.057692512869835,0.7289439641097759,5.353601669271787,6.729126214981079 +3.236842806917919,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.523687215960775,2.0343241691589355,2.057692512869835,0.7289439641097759,5.353601669271787,6.729126214981079 +2.8521812877541195,2.3833626704144226,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3833626704144226,1.525210976600647,1.689793162047863,0.4996794292584379,5.805066456397374,7.2324395179748535 +3.051320326521953,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3833626704144226,1.525210976600647,1.689793162047863,0.4996794292584379,5.805066456397374,7.2324395179748535 +3.130643768991969,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3833626704144226,1.525210976600647,1.689793162047863,0.4996794292584379,5.805066456397374,7.2324395179748535 +2.9689607727353704,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3833626704144226,1.525210976600647,1.689793162047863,0.4996794292584379,5.805066456397374,7.2324395179748535 +3.0995033741076368,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.3833626704144226,1.525210976600647,1.689793162047863,0.4996794292584379,5.805066456397374,7.2324395179748535 +2.923459561418159,2.6489576346275068,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6489576346275068,1.990364909172058,2.135363817214966,1.0256713381473055,5.436166961987813,7.097053050994873 +2.7087360741249444,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6489576346275068,1.990364909172058,2.135363817214966,1.0256713381473055,5.436166961987813,7.097053050994873 +2.9618429170244567,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6489576346275068,1.990364909172058,2.135363817214966,1.0256713381473055,5.436166961987813,7.097053050994873 +2.9572538765102863,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6489576346275068,1.990364909172058,2.135363817214966,1.0256713381473055,5.436166961987813,7.097053050994873 +2.912729375933937,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.6489576346275068,1.990364909172058,2.135363817214966,1.0256713381473055,5.436166961987813,7.097053050994873 +2.8790145951770345,2.35327356753393,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.35327356753393,1.94621741771698,1.9989040940999985,0.5863657218027623,4.943087011575699,6.461282014846802 +2.830167743034009,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.35327356753393,1.94621741771698,1.9989040940999985,0.5863657218027623,4.943087011575699,6.461282014846802 +2.8243283634160496,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.35327356753393,1.94621741771698,1.9989040940999985,0.5863657218027623,4.943087011575699,6.461282014846802 +3.2275492535108596,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.35327356753393,1.94621741771698,1.9989040940999985,0.5863657218027623,4.943087011575699,6.461282014846802 +2.9271502578013457,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.35327356753393,1.94621741771698,1.9989040940999985,0.5863657218027623,4.943087011575699,6.461282014846802 +2.8973477882795056,2.421788493298111,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.421788493298111,1.8378145694732666,1.8967988565564156,0.5689972940277546,5.526637802521388,7.544910907745361 +2.809414870661513,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.421788493298111,1.8378145694732666,1.8967988565564156,0.5689972940277546,5.526637802521388,7.544910907745361 +2.9401286308819166,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.421788493298111,1.8378145694732666,1.8967988565564156,0.5689972940277546,5.526637802521388,7.544910907745361 +2.813999032468315,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.421788493298111,1.8378145694732666,1.8967988565564156,0.5689972940277546,5.526637802521388,7.544910907745361 +3.0304687590948465,0,2.1807432194186753,1.5735851526260376,1.687194563448429,0.5536051535225929,4.810982758800189,6.050591945648193,2.421788493298111,1.8378145694732666,1.8967988565564156,0.5689972940277546,5.526637802521388,7.544910907745361 +3.1684733884364604,2.139601391569482,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195 +2.867873440844943,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195 +3.042304857260985,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195 +2.884562353121823,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195 +3.106653032809575,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195 +3.1045869971262365,2.227305407377438,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.227305407377438,1.6504307985305786,1.7573595270514488,0.5826835724267554,4.803132777412732,6.027411460876465 +3.0403930891097697,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.227305407377438,1.6504307985305786,1.7573595270514488,0.5826835724267554,4.803132777412732,6.027411460876465 +2.959469134299287,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.227305407377438,1.6504307985305786,1.7573595270514488,0.5826835724267554,4.803132777412732,6.027411460876465 +3.110764751976618,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.227305407377438,1.6504307985305786,1.7573595270514488,0.5826835724267554,4.803132777412732,6.027411460876465 +3.2144859073095677,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.227305407377438,1.6504307985305786,1.7573595270514488,0.5826835724267554,4.803132777412732,6.027411460876465 +2.972934401991829,2.6394530046360654,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.6394530046360654,2.20255970954895,2.2978849560022354,0.921117883413396,5.131581897536914,6.164442300796509 +3.0684657907138138,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.6394530046360654,2.20255970954895,2.2978849560022354,0.921117883413396,5.131581897536914,6.164442300796509 +3.3494745632263014,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.6394530046360654,2.20255970954895,2.2978849560022354,0.921117883413396,5.131581897536914,6.164442300796509 +2.9601810225125016,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.6394530046360654,2.20255970954895,2.2978849560022354,0.921117883413396,5.131581897536914,6.164442300796509 +3.0124581726342043,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.6394530046360654,2.20255970954895,2.2978849560022354,0.921117883413396,5.131581897536914,6.164442300796509 +3.095543404650783,2.797304546957865,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.797304546957865,2.1709656715393066,2.250097095966339,0.8769413093303112,5.853593975305557,7.126847982406616 +2.9572495774659933,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.797304546957865,2.1709656715393066,2.250097095966339,0.8769413093303112,5.853593975305557,7.126847982406616 +2.950134094261048,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.797304546957865,2.1709656715393066,2.250097095966339,0.8769413093303112,5.853593975305557,7.126847982406616 +2.8572498359556855,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.797304546957865,2.1709656715393066,2.250097095966339,0.8769413093303112,5.853593975305557,7.126847982406616 +3.2817414002171876,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.797304546957865,2.1709656715393066,2.250097095966339,0.8769413093303112,5.853593975305557,7.126847982406616 +2.9558103459662406,2.790242306146946,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.790242306146946,1.893929123878479,2.160586431622505,0.7716879029857352,6.230412552754085,7.968972682952881 +2.78484031650922,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.790242306146946,1.893929123878479,2.160586431622505,0.7716879029857352,6.230412552754085,7.968972682952881 +2.861956892026198,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.790242306146946,1.893929123878479,2.160586431622505,0.7716879029857352,6.230412552754085,7.968972682952881 +2.961938708981089,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.790242306146946,1.893929123878479,2.160586431622505,0.7716879029857352,6.230412552754085,7.968972682952881 +2.6753477695291807,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.790242306146946,1.893929123878479,2.160586431622505,0.7716879029857352,6.230412552754085,7.968972682952881 +2.8302483262212585,2.5178129975318284,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5178129975318284,1.7831183671951294,2.007384181022644,0.7385825665390238,5.380933145682017,7.173082590103149 +3.1201466500601023,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5178129975318284,1.7831183671951294,2.007384181022644,0.7385825665390238,5.380933145682017,7.173082590103149 +2.7087626079546996,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5178129975318284,1.7831183671951294,2.007384181022644,0.7385825665390238,5.380933145682017,7.173082590103149 +2.8229691839581776,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5178129975318284,1.7831183671951294,2.007384181022644,0.7385825665390238,5.380933145682017,7.173082590103149 +3.2012376002275658,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5178129975318284,1.7831183671951294,2.007384181022644,0.7385825665390238,5.380933145682017,7.173082590103149 +2.784386568463133,2.2514052981637533,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.2514052981637533,1.5628533363342285,1.6965577527880669,0.5581319639657406,5.137739996115367,6.354109048843384 +3.062201254109331,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.2514052981637533,1.5628533363342285,1.6965577527880669,0.5581319639657406,5.137739996115367,6.354109048843384 +2.9137011560109944,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.2514052981637533,1.5628533363342285,1.6965577527880669,0.5581319639657406,5.137739996115367,6.354109048843384 +2.992970103906858,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.2514052981637533,1.5628533363342285,1.6965577527880669,0.5581319639657406,5.137739996115367,6.354109048843384 +3.047353583637536,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.2514052981637533,1.5628533363342285,1.6965577527880669,0.5581319639657406,5.137739996115367,6.354109048843384 +2.8794560018007886,2.8790449677181496,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8790449677181496,2.4072906970977783,2.5265161246061325,1.030214415902787,5.636481856306394,7.058997869491577 +3.0329636231815784,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8790449677181496,2.4072906970977783,2.5265161246061325,1.030214415902787,5.636481856306394,7.058997869491577 +2.96899424740348,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8790449677181496,2.4072906970977783,2.5265161246061325,1.030214415902787,5.636481856306394,7.058997869491577 +3.0696006200278787,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8790449677181496,2.4072906970977783,2.5265161246061325,1.030214415902787,5.636481856306394,7.058997869491577 +2.9476833931251925,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8790449677181496,2.4072906970977783,2.5265161246061325,1.030214415902787,5.636481856306394,7.058997869491577 +2.98101652970918,2.346055003790019,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.346055003790019,1.724082112312317,1.8590156883001328,0.6741861921358616,5.04260727763176,6.3052332401275635 +2.7346122070395977,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.346055003790019,1.724082112312317,1.8590156883001328,0.6741861921358616,5.04260727763176,6.3052332401275635 +2.881237218171279,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.346055003790019,1.724082112312317,1.8590156883001328,0.6741861921358616,5.04260727763176,6.3052332401275635 +3.014583404030186,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.346055003790019,1.724082112312317,1.8590156883001328,0.6741861921358616,5.04260727763176,6.3052332401275635 +2.734847251651932,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.346055003790019,1.724082112312317,1.8590156883001328,0.6741861921358616,5.04260727763176,6.3052332401275635 +3.2798355578269502,2.5439689171095794,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5439689171095794,2.056046724319458,2.1729308664798737,0.9419562661267341,4.998556142052014,5.85196328163147 +2.775792633467391,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5439689171095794,2.056046724319458,2.1729308664798737,0.9419562661267341,4.998556142052014,5.85196328163147 +2.8168693069042514,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5439689171095794,2.056046724319458,2.1729308664798737,0.9419562661267341,4.998556142052014,5.85196328163147 +2.9950029051588447,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5439689171095794,2.056046724319458,2.1729308664798737,0.9419562661267341,4.998556142052014,5.85196328163147 +2.966077340890305,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5439689171095794,2.056046724319458,2.1729308664798737,0.9419562661267341,4.998556142052014,5.85196328163147 +3.0365231616980832,2.441962408301718,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.441962408301718,1.7716673612594604,1.932842418551445,0.8591100694017207,5.159122621019681,6.753889560699463 +2.779188256740412,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.441962408301718,1.7716673612594604,1.932842418551445,0.8591100694017207,5.159122621019681,6.753889560699463 +3.090258844236322,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.441962408301718,1.7716673612594604,1.932842418551445,0.8591100694017207,5.159122621019681,6.753889560699463 +2.8242009032112536,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.441962408301718,1.7716673612594604,1.932842418551445,0.8591100694017207,5.159122621019681,6.753889560699463 +2.9914165212123085,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.441962408301718,1.7716673612594604,1.932842418551445,0.8591100694017207,5.159122621019681,6.753889560699463 +3.0468523088516544,2.339034173813166,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.339034173813166,1.6596537828445435,1.7694774866104126,0.7815057965035134,5.079554508129756,6.732583284378052 +2.9155837090127665,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.339034173813166,1.6596537828445435,1.7694774866104126,0.7815057965035134,5.079554508129756,6.732583284378052 +3.061909835993137,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.339034173813166,1.6596537828445435,1.7694774866104126,0.7815057965035134,5.079554508129756,6.732583284378052 +3.268894591840572,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.339034173813166,1.6596537828445435,1.7694774866104126,0.7815057965035134,5.079554508129756,6.732583284378052 +2.897204838693142,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.339034173813166,1.6596537828445435,1.7694774866104126,0.7815057965035134,5.079554508129756,6.732583284378052 +3.047605693419353,3.040898202055412,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.040898202055412,2.751361608505249,2.7347140461206436,1.0318343693271597,5.5962614715099335,6.791189670562744 +3.010153753233367,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.040898202055412,2.751361608505249,2.7347140461206436,1.0318343693271597,5.5962614715099335,6.791189670562744 +2.8616205501105805,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.040898202055412,2.751361608505249,2.7347140461206436,1.0318343693271597,5.5962614715099335,6.791189670562744 +3.115062611073809,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.040898202055412,2.751361608505249,2.7347140461206436,1.0318343693271597,5.5962614715099335,6.791189670562744 +3.069265911014706,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.040898202055412,2.751361608505249,2.7347140461206436,1.0318343693271597,5.5962614715099335,6.791189670562744 +3.1820203369033746,2.7737632787820554,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7737632787820554,2.0189695358276367,2.195695072412491,1.0812897114677633,5.704581727584203,6.699307680130005 +3.12563691472027,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7737632787820554,2.0189695358276367,2.195695072412491,1.0812897114677633,5.704581727584203,6.699307680130005 +2.9618124479245127,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7737632787820554,2.0189695358276367,2.195695072412491,1.0812897114677633,5.704581727584203,6.699307680130005 +3.051093149979646,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7737632787820554,2.0189695358276367,2.195695072412491,1.0812897114677633,5.704581727584203,6.699307680130005 +2.7947900243676624,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7737632787820554,2.0189695358276367,2.195695072412491,1.0812897114677633,5.704581727584203,6.699307680130005 +2.8507644171858657,2.7765450906301044,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7765450906301044,2.073204278945923,2.1933594942092896,0.7986816413542057,5.988690699140231,7.517239332199097 +3.0181692777008844,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7765450906301044,2.073204278945923,2.1933594942092896,0.7986816413542057,5.988690699140231,7.517239332199097 +2.7973760661696248,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7765450906301044,2.073204278945923,2.1933594942092896,0.7986816413542057,5.988690699140231,7.517239332199097 +2.904673312462135,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7765450906301044,2.073204278945923,2.1933594942092896,0.7986816413542057,5.988690699140231,7.517239332199097 +3.166145384311676,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7765450906301044,2.073204278945923,2.1933594942092896,0.7986816413542057,5.988690699140231,7.517239332199097 +3.0302176362283983,2.5094340830963318,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5094340830963318,1.8027654886245728,1.90594033151865,0.5773593163553704,5.814280703663826,7.3588056564331055 +2.853455016621702,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5094340830963318,1.8027654886245728,1.90594033151865,0.5773593163553704,5.814280703663826,7.3588056564331055 +3.1812516494755405,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5094340830963318,1.8027654886245728,1.90594033151865,0.5773593163553704,5.814280703663826,7.3588056564331055 +3.2053858815279814,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5094340830963318,1.8027654886245728,1.90594033151865,0.5773593163553704,5.814280703663826,7.3588056564331055 +2.8656573705869266,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.5094340830963318,1.8027654886245728,1.90594033151865,0.5773593163553704,5.814280703663826,7.3588056564331055 +3.3826633473211003,2.195345576442973,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.195345576442973,1.5947093963623047,1.687688209116459,0.5767453893067989,4.815099899967511,6.522732257843018 +2.8790185026409456,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.195345576442973,1.5947093963623047,1.687688209116459,0.5767453893067989,4.815099899967511,6.522732257843018 +3.120587078898908,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.195345576442973,1.5947093963623047,1.687688209116459,0.5767453893067989,4.815099899967511,6.522732257843018 +2.794165562769146,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.195345576442973,1.5947093963623047,1.687688209116459,0.5767453893067989,4.815099899967511,6.522732257843018 +2.6404559237175973,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.195345576442973,1.5947093963623047,1.687688209116459,0.5767453893067989,4.815099899967511,6.522732257843018 +3.1099676636074833,2.523943353580867,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.523943353580867,1.9494329690933228,2.0709924399852753,0.6676762860189093,5.274023165305455,6.549865961074829 +2.9405454204711736,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.523943353580867,1.9494329690933228,2.0709924399852753,0.6676762860189093,5.274023165305455,6.549865961074829 +2.826559955427122,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.523943353580867,1.9494329690933228,2.0709924399852753,0.6676762860189093,5.274023165305455,6.549865961074829 +2.8508486167505502,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.523943353580867,1.9494329690933228,2.0709924399852753,0.6676762860189093,5.274023165305455,6.549865961074829 +2.7452774026310096,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.523943353580867,1.9494329690933228,2.0709924399852753,0.6676762860189093,5.274023165305455,6.549865961074829 +2.8265027472606072,2.7238996115108436,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7238996115108436,2.167898416519165,2.3295210152864456,0.8475586069708175,5.557257215181987,6.6506712436676025 +2.716893505967106,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7238996115108436,2.167898416519165,2.3295210152864456,0.8475586069708175,5.557257215181987,6.6506712436676025 +2.934903563985932,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7238996115108436,2.167898416519165,2.3295210152864456,0.8475586069708175,5.557257215181987,6.6506712436676025 +2.6852263440464474,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7238996115108436,2.167898416519165,2.3295210152864456,0.8475586069708175,5.557257215181987,6.6506712436676025 +3.0844599409350035,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.7238996115108436,2.167898416519165,2.3295210152864456,0.8475586069708175,5.557257215181987,6.6506712436676025 +2.982247931215744,2.36782304509616,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.36782304509616,1.7243092060089111,1.8322975784540176,0.6344481622602077,5.181377609570821,6.312615156173706 +2.840673209738668,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.36782304509616,1.7243092060089111,1.8322975784540176,0.6344481622602077,5.181377609570821,6.312615156173706 +3.060201965450292,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.36782304509616,1.7243092060089111,1.8322975784540176,0.6344481622602077,5.181377609570821,6.312615156173706 +2.8520504309343724,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.36782304509616,1.7243092060089111,1.8322975784540176,0.6344481622602077,5.181377609570821,6.312615156173706 +3.201424829958288,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.36782304509616,1.7243092060089111,1.8322975784540176,0.6344481622602077,5.181377609570821,6.312615156173706 +2.92458410197449,3.2274229873693425,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.2274229873693425,2.947296142578125,2.9896825402975082,1.169805054017838,5.79910734295845,7.052994012832642 +2.8847199112809303,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.2274229873693425,2.947296142578125,2.9896825402975082,1.169805054017838,5.79910734295845,7.052994012832642 +2.9321095762818814,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.2274229873693425,2.947296142578125,2.9896825402975082,1.169805054017838,5.79910734295845,7.052994012832642 +2.8525895079503956,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.2274229873693425,2.947296142578125,2.9896825402975082,1.169805054017838,5.79910734295845,7.052994012832642 +2.773972846745496,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,3.2274229873693425,2.947296142578125,2.9896825402975082,1.169805054017838,5.79910734295845,7.052994012832642 +3.119836912211278,2.8731007827202064,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8731007827202064,2.269261360168457,2.416615217924118,0.8727397011949661,5.944543128212293,7.330666542053223 +3.008315943379143,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8731007827202064,2.269261360168457,2.416615217924118,0.8727397011949661,5.944543128212293,7.330666542053223 +3.117165909798455,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8731007827202064,2.269261360168457,2.416615217924118,0.8727397011949661,5.944543128212293,7.330666542053223 +3.1094375242842287,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8731007827202064,2.269261360168457,2.416615217924118,0.8727397011949661,5.944543128212293,7.330666542053223 +3.0970412465084136,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.8731007827202064,2.269261360168457,2.416615217924118,0.8727397011949661,5.944543128212293,7.330666542053223 +3.115026301113933,2.144290555561088,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.144290555561088,1.592499017715454,1.6910072639584541,0.5247518497895687,4.819690252343814,6.295438289642334 +3.149841977960235,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.144290555561088,1.592499017715454,1.6910072639584541,0.5247518497895687,4.819690252343814,6.295438289642334 +2.942030117409773,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.144290555561088,1.592499017715454,1.6910072639584541,0.5247518497895687,4.819690252343814,6.295438289642334 +2.8689441818259755,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.144290555561088,1.592499017715454,1.6910072639584541,0.5247518497895687,4.819690252343814,6.295438289642334 +2.847709175920613,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.144290555561088,1.592499017715454,1.6910072639584541,0.5247518497895687,4.819690252343814,6.295438289642334 +3.0642293522860706,2.4385907500202118,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.4385907500202118,1.8393049240112305,1.9220420718193054,0.7962740913350531,5.237536897261937,6.9394731521606445 +2.79594198039261,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.4385907500202118,1.8393049240112305,1.9220420718193054,0.7962740913350531,5.237536897261937,6.9394731521606445 +2.813925716541806,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.4385907500202118,1.8393049240112305,1.9220420718193054,0.7962740913350531,5.237536897261937,6.9394731521606445 +2.9460715066335244,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.4385907500202118,1.8393049240112305,1.9220420718193054,0.7962740913350531,5.237536897261937,6.9394731521606445 +3.0756203486566833,0,2.139601391569482,1.4200998544692993,1.5943440273404121,0.5156418525792182,4.956851477424304,6.5369768142700195,2.4385907500202118,1.8393049240112305,1.9220420718193054,0.7962740913350531,5.237536897261937,6.9394731521606445 +3.098489250701207,2.109495545518024,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828 +2.9002349607112867,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828 +2.811730854628257,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828 +2.861201553943935,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828 +3.1009046638715487,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828 +3.1317261742423006,2.7021562686453313,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7021562686453313,2.2560267448425293,2.341942936182022,0.8533373189733383,5.437504818042119,6.927989721298218 +3.049930820315681,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7021562686453313,2.2560267448425293,2.341942936182022,0.8533373189733383,5.437504818042119,6.927989721298218 +2.9691181192545106,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7021562686453313,2.2560267448425293,2.341942936182022,0.8533373189733383,5.437504818042119,6.927989721298218 +3.007337064479801,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7021562686453313,2.2560267448425293,2.341942936182022,0.8533373189733383,5.437504818042119,6.927989721298218 +3.040807526766147,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7021562686453313,2.2560267448425293,2.341942936182022,0.8533373189733383,5.437504818042119,6.927989721298218 +2.9025546569248726,2.4879803170708463,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4879803170708463,1.642586350440979,1.7890400514006615,0.5335534468610236,5.9943206906318665,7.632551193237305 +2.8349622035848685,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4879803170708463,1.642586350440979,1.7890400514006615,0.5335534468610236,5.9943206906318665,7.632551193237305 +3.0384499376703955,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4879803170708463,1.642586350440979,1.7890400514006615,0.5335534468610236,5.9943206906318665,7.632551193237305 +2.905394124455098,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4879803170708463,1.642586350440979,1.7890400514006615,0.5335534468610236,5.9943206906318665,7.632551193237305 +3.0403148247329246,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4879803170708463,1.642586350440979,1.7890400514006615,0.5335534468610236,5.9943206906318665,7.632551193237305 +2.8387669267760347,2.5398626520995693,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5398626520995693,1.9585471153259277,2.0633416324853897,0.8668791004951965,5.227205350995064,6.917218923568726 +2.8193174094673177,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5398626520995693,1.9585471153259277,2.0633416324853897,0.8668791004951965,5.227205350995064,6.917218923568726 +2.909332592899983,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5398626520995693,1.9585471153259277,2.0633416324853897,0.8668791004951965,5.227205350995064,6.917218923568726 +2.906609632588666,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5398626520995693,1.9585471153259277,2.0633416324853897,0.8668791004951965,5.227205350995064,6.917218923568726 +2.803376305067729,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5398626520995693,1.9585471153259277,2.0633416324853897,0.8668791004951965,5.227205350995064,6.917218923568726 +3.0678793712264665,2.5681177887929048,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5681177887929048,2.045644998550415,2.1598398983478546,0.8629173693504739,5.150169889132182,5.9376442432403564 +2.9830826561235937,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5681177887929048,2.045644998550415,2.1598398983478546,0.8629173693504739,5.150169889132182,5.9376442432403564 +3.114870688504977,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5681177887929048,2.045644998550415,2.1598398983478546,0.8629173693504739,5.150169889132182,5.9376442432403564 +2.892912806345234,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5681177887929048,2.045644998550415,2.1598398983478546,0.8629173693504739,5.150169889132182,5.9376442432403564 +2.8758150930429958,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5681177887929048,2.045644998550415,2.1598398983478546,0.8629173693504739,5.150169889132182,5.9376442432403564 +2.720886943649392,2.3771182927083596,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3771182927083596,1.7052502632141113,1.7785185724496841,0.7357375842142613,5.307554418841998,6.968363046646118 +2.9998965235105874,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3771182927083596,1.7052502632141113,1.7785185724496841,0.7357375842142613,5.307554418841998,6.968363046646118 +2.9560252576275907,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3771182927083596,1.7052502632141113,1.7785185724496841,0.7357375842142613,5.307554418841998,6.968363046646118 +2.9970087670283863,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3771182927083596,1.7052502632141113,1.7785185724496841,0.7357375842142613,5.307554418841998,6.968363046646118 +3.153594773430723,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3771182927083596,1.7052502632141113,1.7785185724496841,0.7357375842142613,5.307554418841998,6.968363046646118 +2.9433821190929224,2.5329300066485456,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5329300066485456,1.9049535989761353,1.986230507493019,0.7377822885804988,5.479458982745807,6.613328695297241 +2.7203850307025075,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5329300066485456,1.9049535989761353,1.986230507493019,0.7377822885804988,5.479458982745807,6.613328695297241 +2.9290138062692446,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5329300066485456,1.9049535989761353,1.986230507493019,0.7377822885804988,5.479458982745807,6.613328695297241 +2.6200928362160525,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5329300066485456,1.9049535989761353,1.986230507493019,0.7377822885804988,5.479458982745807,6.613328695297241 +2.8566907255537313,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.5329300066485456,1.9049535989761353,1.986230507493019,0.7377822885804988,5.479458982745807,6.613328695297241 +3.0357859997913756,2.1925842413259424,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1925842413259424,1.478167176246643,1.5951655432581902,0.539194293795748,5.0274240126212435,6.591015338897705 +3.0008497534996637,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1925842413259424,1.478167176246643,1.5951655432581902,0.539194293795748,5.0274240126212435,6.591015338897705 +2.8784134667020895,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1925842413259424,1.478167176246643,1.5951655432581902,0.539194293795748,5.0274240126212435,6.591015338897705 +2.7513430981998104,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1925842413259424,1.478167176246643,1.5951655432581902,0.539194293795748,5.0274240126212435,6.591015338897705 +2.9601345553164142,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1925842413259424,1.478167176246643,1.5951655432581902,0.539194293795748,5.0274240126212435,6.591015338897705 +2.77680570264631,2.2218891010468544,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2218891010468544,1.7532347440719604,1.8332150653004646,0.5203735116631427,4.823718830943108,6.35601544380188 +2.867023904044527,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2218891010468544,1.7532347440719604,1.8332150653004646,0.5203735116631427,4.823718830943108,6.35601544380188 +2.971244577407363,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2218891010468544,1.7532347440719604,1.8332150653004646,0.5203735116631427,4.823718830943108,6.35601544380188 +2.837702897602114,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2218891010468544,1.7532347440719604,1.8332150653004646,0.5203735116631427,4.823718830943108,6.35601544380188 +2.9965667313345232,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2218891010468544,1.7532347440719604,1.8332150653004646,0.5203735116631427,4.823718830943108,6.35601544380188 +2.849944681660408,2.169387321080525,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.169387321080525,1.4404857158660889,1.5712762624025345,0.5203023155001884,4.920542761683464,6.31313943862915 +2.9772884841385823,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.169387321080525,1.4404857158660889,1.5712762624025345,0.5203023155001884,4.920542761683464,6.31313943862915 +2.8628941169823827,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.169387321080525,1.4404857158660889,1.5712762624025345,0.5203023155001884,4.920542761683464,6.31313943862915 +2.881154934947307,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.169387321080525,1.4404857158660889,1.5712762624025345,0.5203023155001884,4.920542761683464,6.31313943862915 +2.8842571841785065,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.169387321080525,1.4404857158660889,1.5712762624025345,0.5203023155001884,4.920542761683464,6.31313943862915 +2.9755695576851187,2.4333701650197592,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4333701650197592,1.579419493675232,1.7686018347740173,0.655634547167636,5.602667560180028,7.645521640777588 +2.897215910354723,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4333701650197592,1.579419493675232,1.7686018347740173,0.655634547167636,5.602667560180028,7.645521640777588 +2.941429179547162,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4333701650197592,1.579419493675232,1.7686018347740173,0.655634547167636,5.602667560180028,7.645521640777588 +2.740535098377526,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4333701650197592,1.579419493675232,1.7686018347740173,0.655634547167636,5.602667560180028,7.645521640777588 +3.1048229601362656,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4333701650197592,1.579419493675232,1.7686018347740173,0.655634547167636,5.602667560180028,7.645521640777588 +2.9121134753094426,2.7262207731526558,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7262207731526558,2.235196113586426,2.324860453605652,1.1912318062275014,5.116560464104016,6.274062871932983 +2.835628376537514,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7262207731526558,2.235196113586426,2.324860453605652,1.1912318062275014,5.116560464104016,6.274062871932983 +2.943643352930837,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7262207731526558,2.235196113586426,2.324860453605652,1.1912318062275014,5.116560464104016,6.274062871932983 +2.8086399879079282,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7262207731526558,2.235196113586426,2.324860453605652,1.1912318062275014,5.116560464104016,6.274062871932983 +3.0814542381058323,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.7262207731526558,2.235196113586426,2.324860453605652,1.1912318062275014,5.116560464104016,6.274062871932983 +2.743088722525446,2.4251138713035285,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4251138713035285,1.693503975868225,1.8838217332959175,0.6337958682090679,5.47164848446846,6.374395370483398 +2.7836464666008003,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4251138713035285,1.693503975868225,1.8838217332959175,0.6337958682090679,5.47164848446846,6.374395370483398 +2.5723934648682016,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4251138713035285,1.693503975868225,1.8838217332959175,0.6337958682090679,5.47164848446846,6.374395370483398 +2.8505114581762006,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4251138713035285,1.693503975868225,1.8838217332959175,0.6337958682090679,5.47164848446846,6.374395370483398 +2.8370175792660257,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4251138713035285,1.693503975868225,1.8838217332959175,0.6337958682090679,5.47164848446846,6.374395370483398 +2.76257779670568,2.3334608872211415,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3334608872211415,1.6577661037445068,1.8567971587181091,0.5880224812538066,5.0413138419389725,6.536565065383911 +2.7507625078332834,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3334608872211415,1.6577661037445068,1.8567971587181091,0.5880224812538066,5.0413138419389725,6.536565065383911 +3.043518295654884,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3334608872211415,1.6577661037445068,1.8567971587181091,0.5880224812538066,5.0413138419389725,6.536565065383911 +2.9060637557419606,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3334608872211415,1.6577661037445068,1.8567971587181091,0.5880224812538066,5.0413138419389725,6.536565065383911 +3.0449588274884603,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3334608872211415,1.6577661037445068,1.8567971587181091,0.5880224812538066,5.0413138419389725,6.536565065383911 +2.967566094679921,2.661192346266739,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.661192346266739,2.09611177444458,2.2321097552776337,0.8889246403853944,5.362212310234706,6.217098951339722 +2.9422053925159437,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.661192346266739,2.09611177444458,2.2321097552776337,0.8889246403853944,5.362212310234706,6.217098951339722 +2.879760158235894,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.661192346266739,2.09611177444458,2.2321097552776337,0.8889246403853944,5.362212310234706,6.217098951339722 +2.829663287284994,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.661192346266739,2.09611177444458,2.2321097552776337,0.8889246403853944,5.362212310234706,6.217098951339722 +3.0413379839544903,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.661192346266739,2.09611177444458,2.2321097552776337,0.8889246403853944,5.362212310234706,6.217098951339722 +2.941314780941376,2.649084114357439,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.649084114357439,2.01712703704834,2.1305675208568573,0.9295424987026986,5.48251740137736,6.766020059585571 +2.925259759140742,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.649084114357439,2.01712703704834,2.1305675208568573,0.9295424987026986,5.48251740137736,6.766020059585571 +3.046589177981296,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.649084114357439,2.01712703704834,2.1305675208568573,0.9295424987026986,5.48251740137736,6.766020059585571 +2.9493718771585105,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.649084114357439,2.01712703704834,2.1305675208568573,0.9295424987026986,5.48251740137736,6.766020059585571 +2.829335562726705,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.649084114357439,2.01712703704834,2.1305675208568573,0.9295424987026986,5.48251740137736,6.766020059585571 +3.093106622246912,2.599550716227886,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.599550716227886,1.993705153465271,2.122692883014679,1.010255474993523,5.230030496915181,6.33686089515686 +2.8469764555678445,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.599550716227886,1.993705153465271,2.122692883014679,1.010255474993523,5.230030496915181,6.33686089515686 +2.740936937359031,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.599550716227886,1.993705153465271,2.122692883014679,1.010255474993523,5.230030496915181,6.33686089515686 +2.95837581738711,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.599550716227886,1.993705153465271,2.122692883014679,1.010255474993523,5.230030496915181,6.33686089515686 +2.9729191148431293,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.599550716227886,1.993705153465271,2.122692883014679,1.010255474993523,5.230030496915181,6.33686089515686 +2.9430351087956907,2.302693766566159,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.302693766566159,1.5519214868545532,1.677114076912403,0.450181300811311,5.514038681983948,7.205846786499023 +2.879915136438782,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.302693766566159,1.5519214868545532,1.677114076912403,0.450181300811311,5.514038681983948,7.205846786499023 +2.951835102246042,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.302693766566159,1.5519214868545532,1.677114076912403,0.450181300811311,5.514038681983948,7.205846786499023 +2.818261717275694,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.302693766566159,1.5519214868545532,1.677114076912403,0.450181300811311,5.514038681983948,7.205846786499023 +2.724519862953959,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.302693766566159,1.5519214868545532,1.677114076912403,0.450181300811311,5.514038681983948,7.205846786499023 +2.8911854106369637,2.620635459716407,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.620635459716407,1.9732807874679565,2.162013962864876,0.7166294322368947,5.485626990596454,6.671047925949097 +2.8975824275367774,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.620635459716407,1.9732807874679565,2.162013962864876,0.7166294322368947,5.485626990596454,6.671047925949097 +2.822415398626492,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.620635459716407,1.9732807874679565,2.162013962864876,0.7166294322368947,5.485626990596454,6.671047925949097 +2.8809926208671905,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.620635459716407,1.9732807874679565,2.162013962864876,0.7166294322368947,5.485626990596454,6.671047925949097 +2.8726793004086226,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.620635459716407,1.9732807874679565,2.162013962864876,0.7166294322368947,5.485626990596454,6.671047925949097 +2.8685277378685594,2.4667988254917854,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4667988254917854,1.806452989578247,1.976928934454918,0.9504090144913248,5.053536007801692,5.909940719604492 +2.8682031100838192,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4667988254917854,1.806452989578247,1.976928934454918,0.9504090144913248,5.053536007801692,5.909940719604492 +2.869549190334047,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4667988254917854,1.806452989578247,1.976928934454918,0.9504090144913248,5.053536007801692,5.909940719604492 +3.056399428243662,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4667988254917854,1.806452989578247,1.976928934454918,0.9504090144913248,5.053536007801692,5.909940719604492 +2.8335245180904707,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4667988254917854,1.806452989578247,1.976928934454918,0.9504090144913248,5.053536007801692,5.909940719604492 +2.9047229512142567,3.3908520904198993,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,3.3908520904198993,2.8876466751098633,2.9407678097486496,0.9276800529753908,6.777019371589025,8.351666927337646 +2.8563466558050097,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,3.3908520904198993,2.8876466751098633,2.9407678097486496,0.9276800529753908,6.777019371589025,8.351666927337646 +3.038687607614368,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,3.3908520904198993,2.8876466751098633,2.9407678097486496,0.9276800529753908,6.777019371589025,8.351666927337646 +3.0306660146785984,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,3.3908520904198993,2.8876466751098633,2.9407678097486496,0.9276800529753908,6.777019371589025,8.351666927337646 +3.163356717409126,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,3.3908520904198993,2.8876466751098633,2.9407678097486496,0.9276800529753908,6.777019371589025,8.351666927337646 +2.938011239986837,2.365664535050929,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.365664535050929,1.6418713331222534,1.7876677811145782,0.48682039421289525,5.5024202565352125,7.406144380569458 +2.6796548493028634,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.365664535050929,1.6418713331222534,1.7876677811145782,0.48682039421289525,5.5024202565352125,7.406144380569458 +2.87835844204976,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.365664535050929,1.6418713331222534,1.7876677811145782,0.48682039421289525,5.5024202565352125,7.406144380569458 +2.839064578715939,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.365664535050929,1.6418713331222534,1.7876677811145782,0.48682039421289525,5.5024202565352125,7.406144380569458 +3.16263614838019,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.365664535050929,1.6418713331222534,1.7876677811145782,0.48682039421289525,5.5024202565352125,7.406144380569458 +2.9905717455898104,2.428532203337597,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.428532203337597,1.7529000043869019,1.9216579124331474,0.5669005419662658,5.3705228219429655,6.214184284210205 +3.0358469441374987,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.428532203337597,1.7529000043869019,1.9216579124331474,0.5669005419662658,5.3705228219429655,6.214184284210205 +2.6884886571440836,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.428532203337597,1.7529000043869019,1.9216579124331474,0.5669005419662658,5.3705228219429655,6.214184284210205 +3.0394622385106604,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.428532203337597,1.7529000043869019,1.9216579124331474,0.5669005419662658,5.3705228219429655,6.214184284210205 +2.701937887353195,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.428532203337597,1.7529000043869019,1.9216579124331474,0.5669005419662658,5.3705228219429655,6.214184284210205 +2.9265774321058067,2.4419413598264077,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4419413598264077,1.7081170082092285,1.9074791818857193,0.7257788304952865,5.359774639209111,6.96677565574646 +3.1410850076800316,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4419413598264077,1.7081170082092285,1.9074791818857193,0.7257788304952865,5.359774639209111,6.96677565574646 +3.0995047584729423,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4419413598264077,1.7081170082092285,1.9074791818857193,0.7257788304952865,5.359774639209111,6.96677565574646 +3.0650766431218117,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4419413598264077,1.7081170082092285,1.9074791818857193,0.7257788304952865,5.359774639209111,6.96677565574646 +2.780885854810081,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4419413598264077,1.7081170082092285,1.9074791818857193,0.7257788304952865,5.359774639209111,6.96677565574646 +2.907740216514476,2.1557470632629245,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1557470632629245,1.4930521249771118,1.5955403372645378,0.44252569149149223,5.098675628503163,6.589709520339966 +2.9681697626170807,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1557470632629245,1.4930521249771118,1.5955403372645378,0.44252569149149223,5.098675628503163,6.589709520339966 +2.8248122775981535,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1557470632629245,1.4930521249771118,1.5955403372645378,0.44252569149149223,5.098675628503163,6.589709520339966 +2.7231561102229973,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1557470632629245,1.4930521249771118,1.5955403372645378,0.44252569149149223,5.098675628503163,6.589709520339966 +2.85388633699727,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1557470632629245,1.4930521249771118,1.5955403372645378,0.44252569149149223,5.098675628503163,6.589709520339966 +2.7404711827912442,2.1794423173469397,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1794423173469397,1.488063097000122,1.6699309051036835,0.4961561609772926,4.887116904060046,5.72291898727417 +2.9497593685549828,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1794423173469397,1.488063097000122,1.6699309051036835,0.4961561609772926,4.887116904060046,5.72291898727417 +2.9871026838410755,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1794423173469397,1.488063097000122,1.6699309051036835,0.4961561609772926,4.887116904060046,5.72291898727417 +2.8329831322245003,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1794423173469397,1.488063097000122,1.6699309051036835,0.4961561609772926,4.887116904060046,5.72291898727417 +2.711411177874876,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.1794423173469397,1.488063097000122,1.6699309051036835,0.4961561609772926,4.887116904060046,5.72291898727417 +2.7571758741527717,2.46913175183441,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.46913175183441,1.749770998954773,1.9896439909934998,0.8337965214506109,5.112710331877072,6.095854043960571 +2.68384946455848,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.46913175183441,1.749770998954773,1.9896439909934998,0.8337965214506109,5.112710331877072,6.095854043960571 +2.8829085882209657,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.46913175183441,1.749770998954773,1.9896439909934998,0.8337965214506109,5.112710331877072,6.095854043960571 +2.994524838793183,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.46913175183441,1.749770998954773,1.9896439909934998,0.8337965214506109,5.112710331877072,6.095854043960571 +2.8950064752833913,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.46913175183441,1.749770998954773,1.9896439909934998,0.8337965214506109,5.112710331877072,6.095854043960571 +2.935957497721958,2.231680606984343,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.231680606984343,1.5843677520751953,1.745011292397976,0.6214256692439952,4.962463115652402,5.7952799797058105 +2.9027091763933393,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.231680606984343,1.5843677520751953,1.745011292397976,0.6214256692439952,4.962463115652402,5.7952799797058105 +2.8200377964214556,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.231680606984343,1.5843677520751953,1.745011292397976,0.6214256692439952,4.962463115652402,5.7952799797058105 +2.7790653944726964,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.231680606984343,1.5843677520751953,1.745011292397976,0.6214256692439952,4.962463115652402,5.7952799797058105 +2.975335665640053,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.231680606984343,1.5843677520751953,1.745011292397976,0.6214256692439952,4.962463115652402,5.7952799797058105 +2.8901866611379843,2.448506983708961,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.448506983708961,1.833443284034729,2.0042073130607605,0.744327040111765,5.165967086950938,6.583044528961182 +2.782325751783045,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.448506983708961,1.833443284034729,2.0042073130607605,0.744327040111765,5.165967086950938,6.583044528961182 +2.801531088229674,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.448506983708961,1.833443284034729,2.0042073130607605,0.744327040111765,5.165967086950938,6.583044528961182 +2.8447109388498792,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.448506983708961,1.833443284034729,2.0042073130607605,0.744327040111765,5.165967086950938,6.583044528961182 +2.749041352094959,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.448506983708961,1.833443284034729,2.0042073130607605,0.744327040111765,5.165967086950938,6.583044528961182 +3.064157745546466,2.4117453305821144,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4117453305821144,1.7081170082092285,1.8879854455590248,0.6865688124869732,5.250843236843745,6.686364412307739 +2.969049027332893,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4117453305821144,1.7081170082092285,1.8879854455590248,0.6865688124869732,5.250843236843745,6.686364412307739 +2.9737776770239166,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4117453305821144,1.7081170082092285,1.8879854455590248,0.6865688124869732,5.250843236843745,6.686364412307739 +3.0627561718502156,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4117453305821144,1.7081170082092285,1.8879854455590248,0.6865688124869732,5.250843236843745,6.686364412307739 +2.615283888831379,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4117453305821144,1.7081170082092285,1.8879854455590248,0.6865688124869732,5.250843236843745,6.686364412307739 +2.8151197966474752,2.354524802553092,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.354524802553092,1.7700097560882568,1.8650300949811935,0.7526564436390045,4.969173317154248,6.29809832572937 +2.8521821249266517,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.354524802553092,1.7700097560882568,1.8650300949811935,0.7526564436390045,4.969173317154248,6.29809832572937 +2.738581283497241,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.354524802553092,1.7700097560882568,1.8650300949811935,0.7526564436390045,4.969173317154248,6.29809832572937 +3.059768132628275,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.354524802553092,1.7700097560882568,1.8650300949811935,0.7526564436390045,4.969173317154248,6.29809832572937 +2.750713431372725,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.354524802553092,1.7700097560882568,1.8650300949811935,0.7526564436390045,4.969173317154248,6.29809832572937 +2.800970860971854,2.3561553195977085,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3561553195977085,1.8567781448364258,1.9298392161726952,0.6153162359557254,5.060406997799873,6.160986423492432 +3.0329620120775163,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3561553195977085,1.8567781448364258,1.9298392161726952,0.6153162359557254,5.060406997799873,6.160986423492432 +2.9035959419268194,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3561553195977085,1.8567781448364258,1.9298392161726952,0.6153162359557254,5.060406997799873,6.160986423492432 +2.857974404306089,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3561553195977085,1.8567781448364258,1.9298392161726952,0.6153162359557254,5.060406997799873,6.160986423492432 +2.8896633350248364,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3561553195977085,1.8567781448364258,1.9298392161726952,0.6153162359557254,5.060406997799873,6.160986423492432 +2.78577898490176,2.449064187315434,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.449064187315434,1.8344037532806396,1.9473091512918472,0.7894833974064664,5.163627907633781,6.207162141799927 +2.803661998094551,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.449064187315434,1.8344037532806396,1.9473091512918472,0.7894833974064664,5.163627907633781,6.207162141799927 +2.9526546044714888,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.449064187315434,1.8344037532806396,1.9473091512918472,0.7894833974064664,5.163627907633781,6.207162141799927 +2.9359472943988654,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.449064187315434,1.8344037532806396,1.9473091512918472,0.7894833974064664,5.163627907633781,6.207162141799927 +3.180580878605577,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.449064187315434,1.8344037532806396,1.9473091512918472,0.7894833974064664,5.163627907633781,6.207162141799927 +3.0342040560961716,2.6645020767656296,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6645020767656296,2.024487257003784,2.0976646095514297,1.0027194543087736,5.518151645859082,7.104919672012329 +2.933961218386019,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6645020767656296,2.024487257003784,2.0976646095514297,1.0027194543087736,5.518151645859082,7.104919672012329 +2.870374917984009,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6645020767656296,2.024487257003784,2.0976646095514297,1.0027194543087736,5.518151645859082,7.104919672012329 +2.9006323072891336,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6645020767656296,2.024487257003784,2.0976646095514297,1.0027194543087736,5.518151645859082,7.104919672012329 +2.6689897564187923,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6645020767656296,2.024487257003784,2.0976646095514297,1.0027194543087736,5.518151645859082,7.104919672012329 +2.7421639291297852,2.519028756982057,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.519028756982057,1.9597458839416504,2.0607768148183823,0.6818948338957543,5.246260270476341,6.764082431793213 +3.092603312108656,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.519028756982057,1.9597458839416504,2.0607768148183823,0.6818948338957543,5.246260270476341,6.764082431793213 +2.8118685837489226,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.519028756982057,1.9597458839416504,2.0607768148183823,0.6818948338957543,5.246260270476341,6.764082431793213 +2.858890396767649,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.519028756982057,1.9597458839416504,2.0607768148183823,0.6818948338957543,5.246260270476341,6.764082431793213 +3.178424367122846,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.519028756982057,1.9597458839416504,2.0607768148183823,0.6818948338957543,5.246260270476341,6.764082431793213 +2.8163883382508863,2.435288885384018,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.435288885384018,1.8005930185317993,1.9162690341472626,0.625145896476634,5.507872924208641,6.580580711364746 +2.9723599192634502,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.435288885384018,1.8005930185317993,1.9162690341472626,0.625145896476634,5.507872924208641,6.580580711364746 +2.977246177864486,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.435288885384018,1.8005930185317993,1.9162690341472626,0.625145896476634,5.507872924208641,6.580580711364746 +3.099358170730524,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.435288885384018,1.8005930185317993,1.9162690341472626,0.625145896476634,5.507872924208641,6.580580711364746 +2.6998129030516673,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.435288885384018,1.8005930185317993,1.9162690341472626,0.625145896476634,5.507872924208641,6.580580711364746 +2.8822205414111166,2.596002138409939,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.596002138409939,2.0706539154052734,2.175727427005768,0.8270954134616446,5.2297022094329195,6.178745985031128 +3.0603489909785497,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.596002138409939,2.0706539154052734,2.175727427005768,0.8270954134616446,5.2297022094329195,6.178745985031128 +2.8786670323313075,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.596002138409939,2.0706539154052734,2.175727427005768,0.8270954134616446,5.2297022094329195,6.178745985031128 +2.789787160267248,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.596002138409939,2.0706539154052734,2.175727427005768,0.8270954134616446,5.2297022094329195,6.178745985031128 +3.127651746001895,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.596002138409939,2.0706539154052734,2.175727427005768,0.8270954134616446,5.2297022094329195,6.178745985031128 +2.843014389197453,2.474202049652319,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.474202049652319,1.7614754438400269,1.9318863600492477,0.9929514730230291,5.077603434522946,6.2649147510528564 +2.9622870381694257,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.474202049652319,1.7614754438400269,1.9318863600492477,0.9929514730230291,5.077603434522946,6.2649147510528564 +2.8137433432655246,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.474202049652319,1.7614754438400269,1.9318863600492477,0.9929514730230291,5.077603434522946,6.2649147510528564 +2.954265104720384,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.474202049652319,1.7614754438400269,1.9318863600492477,0.9929514730230291,5.077603434522946,6.2649147510528564 +2.7681924819511505,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.474202049652319,1.7614754438400269,1.9318863600492477,0.9929514730230291,5.077603434522946,6.2649147510528564 +2.753466096338606,2.550386878598423,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.550386878598423,1.941787838935852,1.9757702499628067,0.819782702529684,5.474863802393277,7.739359140396118 +2.6908351331949234,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.550386878598423,1.941787838935852,1.9757702499628067,0.819782702529684,5.474863802393277,7.739359140396118 +2.8669887104069205,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.550386878598423,1.941787838935852,1.9757702499628067,0.819782702529684,5.474863802393277,7.739359140396118 +2.710573539809776,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.550386878598423,1.941787838935852,1.9757702499628067,0.819782702529684,5.474863802393277,7.739359140396118 +2.961513961776498,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.550386878598423,1.941787838935852,1.9757702499628067,0.819782702529684,5.474863802393277,7.739359140396118 +2.709168354162961,2.4315799497340986,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4315799497340986,1.9641351699829102,2.000834047794342,0.6341833931968567,5.226486191153526,6.2362635135650635 +2.8646022118133954,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4315799497340986,1.9641351699829102,2.000834047794342,0.6341833931968567,5.226486191153526,6.2362635135650635 +2.801615520145754,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4315799497340986,1.9641351699829102,2.000834047794342,0.6341833931968567,5.226486191153526,6.2362635135650635 +3.0436133193716763,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4315799497340986,1.9641351699829102,2.000834047794342,0.6341833931968567,5.226486191153526,6.2362635135650635 +2.921234709376207,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4315799497340986,1.9641351699829102,2.000834047794342,0.6341833931968567,5.226486191153526,6.2362635135650635 +3.023994516235448,2.4604357884738457,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4604357884738457,1.8752367496490479,1.965285912156105,0.6991040698708372,5.284455895423889,6.648837566375732 +2.784873963252145,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4604357884738457,1.8752367496490479,1.965285912156105,0.6991040698708372,5.284455895423889,6.648837566375732 +2.8094363383138528,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4604357884738457,1.8752367496490479,1.965285912156105,0.6991040698708372,5.284455895423889,6.648837566375732 +2.819304140042563,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4604357884738457,1.8752367496490479,1.965285912156105,0.6991040698708372,5.284455895423889,6.648837566375732 +2.8967319052439153,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4604357884738457,1.8752367496490479,1.965285912156105,0.6991040698708372,5.284455895423889,6.648837566375732 +2.862438570065745,2.568613074992964,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.568613074992964,2.096485137939453,2.130634382367134,0.6936383253716408,5.36294802526633,6.866156578063965 +3.0534496415673265,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.568613074992964,2.096485137939453,2.130634382367134,0.6936383253716408,5.36294802526633,6.866156578063965 +3.1075455822070333,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.568613074992964,2.096485137939453,2.130634382367134,0.6936383253716408,5.36294802526633,6.866156578063965 +2.676468753945132,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.568613074992964,2.096485137939453,2.130634382367134,0.6936383253716408,5.36294802526633,6.866156578063965 +2.728308768957774,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.568613074992964,2.096485137939453,2.130634382367134,0.6936383253716408,5.36294802526633,6.866156578063965 +2.647876820924744,2.47037807032856,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.47037807032856,1.9856395721435547,2.0709639340639114,0.8983777445998598,4.977789585789044,6.2869439125061035 +2.9563703414853117,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.47037807032856,1.9856395721435547,2.0709639340639114,0.8983777445998598,4.977789585789044,6.2869439125061035 +3.0225612218207645,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.47037807032856,1.9856395721435547,2.0709639340639114,0.8983777445998598,4.977789585789044,6.2869439125061035 +2.9528239416032633,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.47037807032856,1.9856395721435547,2.0709639340639114,0.8983777445998598,4.977789585789044,6.2869439125061035 +3.2092986295805055,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.47037807032856,1.9856395721435547,2.0709639340639114,0.8983777445998598,4.977789585789044,6.2869439125061035 +2.754733842231867,2.642044645251404,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.642044645251404,2.0975117683410645,2.2043888717889786,0.7480671960622707,5.467228119572003,6.9753618240356445 +2.8470427893517187,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.642044645251404,2.0975117683410645,2.2043888717889786,0.7480671960622707,5.467228119572003,6.9753618240356445 +2.84947660106879,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.642044645251404,2.0975117683410645,2.2043888717889786,0.7480671960622707,5.467228119572003,6.9753618240356445 +2.8340350332761317,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.642044645251404,2.0975117683410645,2.2043888717889786,0.7480671960622707,5.467228119572003,6.9753618240356445 +2.924970811455256,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.642044645251404,2.0975117683410645,2.2043888717889786,0.7480671960622707,5.467228119572003,6.9753618240356445 +3.066862929562991,2.2794906459943785,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2794906459943785,1.8166077136993408,1.8469649702310562,0.5479796669901685,5.039013420542081,6.520440340042114 +2.678475350398442,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2794906459943785,1.8166077136993408,1.8469649702310562,0.5479796669901685,5.039013420542081,6.520440340042114 +2.841974685932028,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2794906459943785,1.8166077136993408,1.8469649702310562,0.5479796669901685,5.039013420542081,6.520440340042114 +2.804442677142924,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2794906459943785,1.8166077136993408,1.8469649702310562,0.5479796669901685,5.039013420542081,6.520440340042114 +2.7358791851475637,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2794906459943785,1.8166077136993408,1.8469649702310562,0.5479796669901685,5.039013420542081,6.520440340042114 +2.8216869502034365,2.4896614446611927,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4896614446611927,1.9698063135147095,2.0514117032289505,0.7275895468415098,5.242754235863686,6.571915149688721 +3.0626776004975924,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4896614446611927,1.9698063135147095,2.0514117032289505,0.7275895468415098,5.242754235863686,6.571915149688721 +2.7753281056762376,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4896614446611927,1.9698063135147095,2.0514117032289505,0.7275895468415098,5.242754235863686,6.571915149688721 +2.9998347345413516,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4896614446611927,1.9698063135147095,2.0514117032289505,0.7275895468415098,5.242754235863686,6.571915149688721 +2.8730104682418647,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4896614446611927,1.9698063135147095,2.0514117032289505,0.7275895468415098,5.242754235863686,6.571915149688721 +2.880463518716138,2.3463042630419055,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3463042630419055,1.6437772512435913,1.778491348028183,0.6493086164936106,5.277852987249692,6.662948131561279 +2.8303976515480946,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3463042630419055,1.6437772512435913,1.778491348028183,0.6493086164936106,5.277852987249692,6.662948131561279 +3.075562193871177,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3463042630419055,1.6437772512435913,1.778491348028183,0.6493086164936106,5.277852987249692,6.662948131561279 +2.762470634629461,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3463042630419055,1.6437772512435913,1.778491348028183,0.6493086164936106,5.277852987249692,6.662948131561279 +2.7992688519608437,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3463042630419055,1.6437772512435913,1.778491348028183,0.6493086164936106,5.277852987249692,6.662948131561279 +2.897875035986976,2.4429022662770685,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4429022662770685,1.7478686571121216,1.9284393936395645,0.754045936338445,5.325921470920245,7.1958253383636475 +2.868507747723664,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4429022662770685,1.7478686571121216,1.9284393936395645,0.754045936338445,5.325921470920245,7.1958253383636475 +3.1164771050254294,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4429022662770685,1.7478686571121216,1.9284393936395645,0.754045936338445,5.325921470920245,7.1958253383636475 +2.967870950580276,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4429022662770685,1.7478686571121216,1.9284393936395645,0.754045936338445,5.325921470920245,7.1958253383636475 +2.9934382192415017,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.4429022662770685,1.7478686571121216,1.9284393936395645,0.754045936338445,5.325921470920245,7.1958253383636475 +2.8902753470193803,2.300571390939633,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.300571390939633,1.789910078048706,1.8525127544999123,0.5582982130507206,5.012424603104591,6.45576810836792 +2.802906559814825,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.300571390939633,1.789910078048706,1.8525127544999123,0.5582982130507206,5.012424603104591,6.45576810836792 +3.0351370234902086,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.300571390939633,1.789910078048706,1.8525127544999123,0.5582982130507206,5.012424603104591,6.45576810836792 +2.9040207529257716,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.300571390939633,1.789910078048706,1.8525127544999123,0.5582982130507206,5.012424603104591,6.45576810836792 +2.826849765423438,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.300571390939633,1.789910078048706,1.8525127544999123,0.5582982130507206,5.012424603104591,6.45576810836792 +2.640433388142118,2.3810871962789464,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3810871962789464,1.7285033464431763,1.856828823685646,0.9206727787535242,4.979292278488477,6.074904918670654 +2.633295417088887,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3810871962789464,1.7285033464431763,1.856828823685646,0.9206727787535242,4.979292278488477,6.074904918670654 +2.9347590714376866,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3810871962789464,1.7285033464431763,1.856828823685646,0.9206727787535242,4.979292278488477,6.074904918670654 +2.8483440251304555,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3810871962789464,1.7285033464431763,1.856828823685646,0.9206727787535242,4.979292278488477,6.074904918670654 +2.9592120184190076,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.3810871962789464,1.7285033464431763,1.856828823685646,0.9206727787535242,4.979292278488477,6.074904918670654 +2.7678867645700036,2.2880691230609154,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2880691230609154,1.6712865829467773,1.7957307323813438,0.6139637016235514,5.024188593029976,5.757821083068848 +2.8590659011422166,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2880691230609154,1.6712865829467773,1.7957307323813438,0.6139637016235514,5.024188593029976,5.757821083068848 +2.9826124803773286,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2880691230609154,1.6712865829467773,1.7957307323813438,0.6139637016235514,5.024188593029976,5.757821083068848 +2.659521017549683,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2880691230609154,1.6712865829467773,1.7957307323813438,0.6139637016235514,5.024188593029976,5.757821083068848 +2.709708066296514,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2880691230609154,1.6712865829467773,1.7957307323813438,0.6139637016235514,5.024188593029976,5.757821083068848 +2.7107494829978487,2.2547678267924574,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2547678267924574,1.6149518489837646,1.7461886331439018,0.5725375860929489,4.982053245107333,6.264427185058594 +2.813546280922561,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2547678267924574,1.6149518489837646,1.7461886331439018,0.5725375860929489,4.982053245107333,6.264427185058594 +2.8137821342292137,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2547678267924574,1.6149518489837646,1.7461886331439018,0.5725375860929489,4.982053245107333,6.264427185058594 +3.109811523351176,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2547678267924574,1.6149518489837646,1.7461886331439018,0.5725375860929489,4.982053245107333,6.264427185058594 +2.79900240010782,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2547678267924574,1.6149518489837646,1.7461886331439018,0.5725375860929489,4.982053245107333,6.264427185058594 +2.7626770699016294,2.2963612553180823,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2963612553180823,1.4187211990356445,1.6139510795474052,0.5893459405670775,5.455773651599884,7.035276651382446 +3.0668403627227407,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2963612553180823,1.4187211990356445,1.6139510795474052,0.5893459405670775,5.455773651599884,7.035276651382446 +2.987958385987054,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2963612553180823,1.4187211990356445,1.6139510795474052,0.5893459405670775,5.455773651599884,7.035276651382446 +2.988543225318905,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2963612553180823,1.4187211990356445,1.6139510795474052,0.5893459405670775,5.455773651599884,7.035276651382446 +2.8604140599265655,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.2963612553180823,1.4187211990356445,1.6139510795474052,0.5893459405670775,5.455773651599884,7.035276651382446 +2.7201651334169688,2.6513715226456758,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6513715226456758,2.1597578525543213,2.2327549308538437,0.7863608494083932,5.346624011794726,6.506654977798462 +2.554560947679082,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6513715226456758,2.1597578525543213,2.2327549308538437,0.7863608494083932,5.346624011794726,6.506654977798462 +2.803029308584704,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6513715226456758,2.1597578525543213,2.2327549308538437,0.7863608494083932,5.346624011794726,6.506654977798462 +2.917698613666887,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6513715226456758,2.1597578525543213,2.2327549308538437,0.7863608494083932,5.346624011794726,6.506654977798462 +2.8280831480334543,0,2.109495545518024,1.6177364587783813,1.6752271577715874,0.512281634547609,4.735962048172951,5.781635284423828,2.6513715226456758,2.1597578525543213,2.2327549308538437,0.7863608494083932,5.346624011794726,6.506654977798462 diff --git a/MiAlgo/trained_models/fc4_sum/fold_1/model.pth b/MiAlgo/trained_models/fc4_sum/fold_1/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..26fde4c6a15366b09ec0ae512266e607b44407a6 --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_1/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c90fa515a0f6414815d4d979dada9460a63972f41af6a689e64fd1cfcecd06ff +size 6839231 diff --git a/MiAlgo/trained_models/fc4_sum/fold_1/network.txt b/MiAlgo/trained_models/fc4_sum/fold_1/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..5d712dd9a675ffe55127e74cd4f0a678c7862c1e --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_1/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 3, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/trained_models/fc4_sum/fold_2/metrics.csv b/MiAlgo/trained_models/fc4_sum/fold_2/metrics.csv new file mode 100644 index 0000000000000000000000000000000000000000..81bd1874a6b048ba5a1384a82e23fecabd6e8f34 --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_2/metrics.csv @@ -0,0 +1,2001 @@ +train_loss,val_loss,best_mean,best_median,best_trimean,best_bst25,best_wst25,best_wst5,mean,median,trimean,bst25,wst25,wst5 +13.605985721004636,9.236790769911828,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722 +12.67782313408036,0,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722 +12.029403486847878,0,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722 +10.415877808708894,0,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722 +10.535782570587962,0,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722,9.236790769911828,9.149598121643066,9.13165271282196,5.172109629245514,13.476362106647898,15.339657545089722 +10.436325938489876,6.989054422429267,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494 +10.501794501590101,0,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494 +10.076816659499157,0,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494 +10.022499211603089,0,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494 +10.038368721855313,0,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494,6.989054422429267,5.728048086166382,6.1173635721206665,2.759521469156793,13.365495174489123,15.381917905807494 +8.652754628579867,6.027595540310474,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662 +7.636209902402602,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662 +6.575430001200814,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662 +6.409378877752705,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662 +6.305506093251077,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662 +6.213624220498298,9.734535132316832,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,9.734535132316832,9.447715282440186,9.486835926771164,6.610873795570211,13.424247904026762,14.419437074661257 +6.231774023606589,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,9.734535132316832,9.447715282440186,9.486835926771164,6.610873795570211,13.424247904026762,14.419437074661257 +5.8138276439748315,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,9.734535132316832,9.447715282440186,9.486835926771164,6.610873795570211,13.424247904026762,14.419437074661257 +6.187594225453703,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,9.734535132316832,9.447715282440186,9.486835926771164,6.610873795570211,13.424247904026762,14.419437074661257 +6.015359524990383,0,6.027595540310474,5.802451133728027,5.859159141778946,3.4383434843509755,9.04222947993177,10.432548952102662,9.734535132316832,9.447715282440186,9.486835926771164,6.610873795570211,13.424247904026762,14.419437074661257 +6.022754140747221,5.638620074125046,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967 +5.883022492065241,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967 +5.612315889212646,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967 +5.941968144711695,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967 +5.669046776545676,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967 +5.642145738593842,8.962227307101513,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,8.962227307101513,9.041636943817139,8.993709713220596,4.364677401299172,13.596950551296802,14.66780757904053 +4.929313734565911,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,8.962227307101513,9.041636943817139,8.993709713220596,4.364677401299172,13.596950551296802,14.66780757904053 +5.407586132029169,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,8.962227307101513,9.041636943817139,8.993709713220596,4.364677401299172,13.596950551296802,14.66780757904053 +5.408947416610624,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,8.962227307101513,9.041636943817139,8.993709713220596,4.364677401299172,13.596950551296802,14.66780757904053 +5.724031376917111,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,8.962227307101513,9.041636943817139,8.993709713220596,4.364677401299172,13.596950551296802,14.66780757904053 +5.425372701804889,6.0094658789482525,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,6.0094658789482525,5.787348031997681,5.811090737581253,3.2227009687017887,9.316788277727492,10.100463008880617 +5.334786358632539,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,6.0094658789482525,5.787348031997681,5.811090737581253,3.2227009687017887,9.316788277727492,10.100463008880617 +5.393310774549057,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,6.0094658789482525,5.787348031997681,5.811090737581253,3.2227009687017887,9.316788277727492,10.100463008880617 +5.47396159838689,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,6.0094658789482525,5.787348031997681,5.811090737581253,3.2227009687017887,9.316788277727492,10.100463008880617 +5.570027277422579,0,5.638620074125046,4.719656467437744,5.101899668574333,1.9758074816237106,10.618103849126937,12.434959936141967,6.0094658789482525,5.787348031997681,5.811090737581253,3.2227009687017887,9.316788277727492,10.100463008880617 +5.146822020058569,5.445439626561835,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604 +5.4749024795074215,0,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604 +5.515629593380972,0,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604 +5.404120509012749,0,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604 +5.489828288633572,0,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604,5.445439626561835,5.366684675216675,5.2898111790418625,2.3272373929936836,8.969540788772258,10.023345279693604 +5.137010963045452,3.824604585687531,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206 +5.346624238808689,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206 +5.184276722489219,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206 +5.2579985993473155,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206 +5.360165872071919,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206 +5.527859189047625,3.961205408452673,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.961205408452673,3.2188955545425415,3.5173974484205246,2.1409906814707087,6.7344206647670015,7.6274765729904175 +5.027075019361157,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.961205408452673,3.2188955545425415,3.5173974484205246,2.1409906814707087,6.7344206647670015,7.6274765729904175 +5.105051474861408,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.961205408452673,3.2188955545425415,3.5173974484205246,2.1409906814707087,6.7344206647670015,7.6274765729904175 +5.086598046908253,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.961205408452673,3.2188955545425415,3.5173974484205246,2.1409906814707087,6.7344206647670015,7.6274765729904175 +5.031483460531423,0,3.824604585687531,3.223366141319275,3.440951183438301,1.1380367871928723,7.565719300128044,8.618139362335206,3.961205408452673,3.2188955545425415,3.5173974484205246,2.1409906814707087,6.7344206647670015,7.6274765729904175 +4.944595939548392,3.229984730363209,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899 +5.043670687510779,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899 +5.002535936471663,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899 +4.944599948568563,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899 +5.028511210727064,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899 +5.205167077756242,3.9484675454887306,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.9484675454887306,2.9001193046569824,3.289674833416939,0.903952567342748,8.509764600307383,10.268566322326663 +5.022213407488246,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.9484675454887306,2.9001193046569824,3.289674833416939,0.903952567342748,8.509764600307383,10.268566322326663 +4.82353196357818,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.9484675454887306,2.9001193046569824,3.289674833416939,0.903952567342748,8.509764600307383,10.268566322326663 +5.052982858960566,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.9484675454887306,2.9001193046569824,3.289674833416939,0.903952567342748,8.509764600307383,10.268566322326663 +4.887589415594151,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.9484675454887306,2.9001193046569824,3.289674833416939,0.903952567342748,8.509764600307383,10.268566322326663 +4.871490063635926,3.915678448975086,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.915678448975086,3.606683373451233,3.693560779094696,2.056619126111903,6.146519792840836,6.4943470716476455 +4.932731626496503,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.915678448975086,3.606683373451233,3.693560779094696,2.056619126111903,6.146519792840836,6.4943470716476455 +4.927018462611657,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.915678448975086,3.606683373451233,3.693560779094696,2.056619126111903,6.146519792840836,6.4943470716476455 +4.771340514111675,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.915678448975086,3.606683373451233,3.693560779094696,2.056619126111903,6.146519792840836,6.4943470716476455 +4.874966333179097,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.915678448975086,3.606683373451233,3.693560779094696,2.056619126111903,6.146519792840836,6.4943470716476455 +4.990735369803089,3.3104080464294614,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.3104080464294614,2.6983367204666138,2.8880184814333916,0.987644465045726,6.5949173277996955,7.461810588836671 +4.671841715903659,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.3104080464294614,2.6983367204666138,2.8880184814333916,0.987644465045726,6.5949173277996955,7.461810588836671 +4.442177099224768,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.3104080464294614,2.6983367204666138,2.8880184814333916,0.987644465045726,6.5949173277996955,7.461810588836671 +4.992145440060842,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.3104080464294614,2.6983367204666138,2.8880184814333916,0.987644465045726,6.5949173277996955,7.461810588836671 +4.930613987108594,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.3104080464294614,2.6983367204666138,2.8880184814333916,0.987644465045726,6.5949173277996955,7.461810588836671 +4.454789514996503,3.927704747686995,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.927704747686995,3.709550619125366,3.733969271183014,2.1759168645168874,6.169462031506478,6.7265601634979255 +4.844141624495387,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.927704747686995,3.709550619125366,3.733969271183014,2.1759168645168874,6.169462031506478,6.7265601634979255 +4.855694661681589,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.927704747686995,3.709550619125366,3.733969271183014,2.1759168645168874,6.169462031506478,6.7265601634979255 +4.867691681024275,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.927704747686995,3.709550619125366,3.733969271183014,2.1759168645168874,6.169462031506478,6.7265601634979255 +4.64239962202938,0,3.229984730363209,2.7137534618377686,2.780102163553238,1.1121411496337423,6.2936642423589175,8.193835592269899,3.927704747686995,3.709550619125366,3.733969271183014,2.1759168645168874,6.169462031506478,6.7265601634979255 +4.6234735026563465,2.8186984258763332,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857 +4.561987607808489,0,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857 +4.644208065243928,0,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857 +4.416631461425047,0,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857 +4.6385416811234075,0,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857,2.8186984258763332,2.23260498046875,2.306977540254593,0.7291882418571635,6.082245786139306,7.751713371276857 +4.5237613772483245,2.5628198463707528,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685 +4.406375790367785,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685 +4.524266226883782,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685 +4.254676875726957,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685 +4.726187264919281,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685 +4.197115540739737,2.6959076856679105,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6959076856679105,2.227043032646179,2.3923375606536865,0.8456192308283866,5.300272393733897,5.928062081336975 +4.751614291024835,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6959076856679105,2.227043032646179,2.3923375606536865,0.8456192308283866,5.300272393733897,5.928062081336975 +4.484038331830188,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6959076856679105,2.227043032646179,2.3923375606536865,0.8456192308283866,5.300272393733897,5.928062081336975 +4.625770028327641,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6959076856679105,2.227043032646179,2.3923375606536865,0.8456192308283866,5.300272393733897,5.928062081336975 +4.683708737006313,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6959076856679105,2.227043032646179,2.3923375606536865,0.8456192308283866,5.300272393733897,5.928062081336975 +4.547877271473408,3.8956745509454547,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8956745509454547,3.641608476638794,3.656732439994812,2.333385950073283,6.094903580685879,6.819942092895508 +4.741394552627677,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8956745509454547,3.641608476638794,3.656732439994812,2.333385950073283,6.094903580685879,6.819942092895508 +4.307049393634263,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8956745509454547,3.641608476638794,3.656732439994812,2.333385950073283,6.094903580685879,6.819942092895508 +4.706201263066185,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8956745509454547,3.641608476638794,3.656732439994812,2.333385950073283,6.094903580685879,6.819942092895508 +4.0635115944241225,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8956745509454547,3.641608476638794,3.656732439994812,2.333385950073283,6.094903580685879,6.819942092895508 +4.318115269333909,4.636817263241144,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.636817263241144,4.207195281982422,4.3552369475364685,2.1676516054158514,7.577703668716106,8.691831207275392 +4.406111301560151,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.636817263241144,4.207195281982422,4.3552369475364685,2.1676516054158514,7.577703668716106,8.691831207275392 +4.488796433218216,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.636817263241144,4.207195281982422,4.3552369475364685,2.1676516054158514,7.577703668716106,8.691831207275392 +4.181383903893201,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.636817263241144,4.207195281982422,4.3552369475364685,2.1676516054158514,7.577703668716106,8.691831207275392 +4.334435024700666,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.636817263241144,4.207195281982422,4.3552369475364685,2.1676516054158514,7.577703668716106,8.691831207275392 +4.570608968091639,2.9826877396157445,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9826877396157445,2.668070912361145,2.6835484579205513,0.9797637817707467,5.672872086788746,6.446398043632509 +4.369239983903734,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9826877396157445,2.668070912361145,2.6835484579205513,0.9797637817707467,5.672872086788746,6.446398043632509 +4.592585828645449,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9826877396157445,2.668070912361145,2.6835484579205513,0.9797637817707467,5.672872086788746,6.446398043632509 +4.294452058170971,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9826877396157445,2.668070912361145,2.6835484579205513,0.9797637817707467,5.672872086788746,6.446398043632509 +4.043814333489067,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9826877396157445,2.668070912361145,2.6835484579205513,0.9797637817707467,5.672872086788746,6.446398043632509 +4.297636108335696,2.587942802208535,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.587942802208535,1.9666229486465454,2.096918098628521,0.6869768956874279,5.557069316823432,6.87261884212494 +4.374284527882149,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.587942802208535,1.9666229486465454,2.096918098628521,0.6869768956874279,5.557069316823432,6.87261884212494 +4.446555476988617,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.587942802208535,1.9666229486465454,2.096918098628521,0.6869768956874279,5.557069316823432,6.87261884212494 +4.2446733484926975,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.587942802208535,1.9666229486465454,2.096918098628521,0.6869768956874279,5.557069316823432,6.87261884212494 +4.317153957427332,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.587942802208535,1.9666229486465454,2.096918098628521,0.6869768956874279,5.557069316823432,6.87261884212494 +4.285333996893544,4.829119484475318,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.829119484475318,4.281645059585571,4.376760050654411,2.4824408165951994,8.184299925540357,9.723813676834107 +4.319362130957215,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.829119484475318,4.281645059585571,4.376760050654411,2.4824408165951994,8.184299925540357,9.723813676834107 +4.2732167232193445,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.829119484475318,4.281645059585571,4.376760050654411,2.4824408165951994,8.184299925540357,9.723813676834107 +4.4162060421548395,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.829119484475318,4.281645059585571,4.376760050654411,2.4824408165951994,8.184299925540357,9.723813676834107 +4.4777486329212,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.829119484475318,4.281645059585571,4.376760050654411,2.4824408165951994,8.184299925540357,9.723813676834107 +4.1909486769453475,2.644857345188552,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.644857345188552,2.1403197050094604,2.3047359734773636,0.6633018968587227,5.370611292250613,6.389567661285401 +4.329627358168364,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.644857345188552,2.1403197050094604,2.3047359734773636,0.6633018968587227,5.370611292250613,6.389567661285401 +4.407073241236962,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.644857345188552,2.1403197050094604,2.3047359734773636,0.6633018968587227,5.370611292250613,6.389567661285401 +4.283627077858699,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.644857345188552,2.1403197050094604,2.3047359734773636,0.6633018968587227,5.370611292250613,6.389567661285401 +4.307731578106943,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.644857345188552,2.1403197050094604,2.3047359734773636,0.6633018968587227,5.370611292250613,6.389567661285401 +4.402261084592656,2.9564664837052215,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9564664837052215,2.5484458208084106,2.6404878348112106,1.1430922990783732,5.463922637574216,6.308229565620426 +4.229473568969651,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9564664837052215,2.5484458208084106,2.6404878348112106,1.1430922990783732,5.463922637574216,6.308229565620426 +4.417127039048233,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9564664837052215,2.5484458208084106,2.6404878348112106,1.1430922990783732,5.463922637574216,6.308229565620426 +4.43838371636444,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9564664837052215,2.5484458208084106,2.6404878348112106,1.1430922990783732,5.463922637574216,6.308229565620426 +3.9417555877840833,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9564664837052215,2.5484458208084106,2.6404878348112106,1.1430922990783732,5.463922637574216,6.308229565620426 +4.320023489155267,3.952962598426545,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.952962598426545,3.9407845735549927,3.941773548722267,1.5963199170345956,6.377715171651637,7.083361005783082 +4.294275688478037,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.952962598426545,3.9407845735549927,3.941773548722267,1.5963199170345956,6.377715171651637,7.083361005783082 +4.3122591471005425,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.952962598426545,3.9407845735549927,3.941773548722267,1.5963199170345956,6.377715171651637,7.083361005783082 +4.505955417611097,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.952962598426545,3.9407845735549927,3.941773548722267,1.5963199170345956,6.377715171651637,7.083361005783082 +4.258639684790059,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.952962598426545,3.9407845735549927,3.941773548722267,1.5963199170345956,6.377715171651637,7.083361005783082 +4.524095188002837,3.8842154925966517,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8842154925966517,3.649030566215515,3.701657384634018,1.3699123329938727,6.878082762373254,7.993388867378236 +4.331773569630949,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8842154925966517,3.649030566215515,3.701657384634018,1.3699123329938727,6.878082762373254,7.993388867378236 +4.140692823772367,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8842154925966517,3.649030566215515,3.701657384634018,1.3699123329938727,6.878082762373254,7.993388867378236 +4.149213926925471,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8842154925966517,3.649030566215515,3.701657384634018,1.3699123329938727,6.878082762373254,7.993388867378236 +4.104315257425371,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.8842154925966517,3.649030566215515,3.701657384634018,1.3699123329938727,6.878082762373254,7.993388867378236 +4.348420596201169,2.847168582075454,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.847168582075454,2.539856791496277,2.590788923203945,1.0277378666908183,5.332854052807423,6.213829779624939 +4.3780249486628335,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.847168582075454,2.539856791496277,2.590788923203945,1.0277378666908183,5.332854052807423,6.213829779624939 +4.105758275405357,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.847168582075454,2.539856791496277,2.590788923203945,1.0277378666908183,5.332854052807423,6.213829779624939 +4.217465729403653,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.847168582075454,2.539856791496277,2.590788923203945,1.0277378666908183,5.332854052807423,6.213829779624939 +4.295026914383236,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.847168582075454,2.539856791496277,2.590788923203945,1.0277378666908183,5.332854052807423,6.213829779624939 +4.229426354993331,2.9440166907424623,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9440166907424623,2.7191321849823,2.6749242395162582,0.8418268859386444,5.681172391201588,6.867199993133547 +4.187401656414333,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9440166907424623,2.7191321849823,2.6749242395162582,0.8418268859386444,5.681172391201588,6.867199993133547 +4.158612158169087,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9440166907424623,2.7191321849823,2.6749242395162582,0.8418268859386444,5.681172391201588,6.867199993133547 +4.051296773239186,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9440166907424623,2.7191321849823,2.6749242395162582,0.8418268859386444,5.681172391201588,6.867199993133547 +3.9311023285710496,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.9440166907424623,2.7191321849823,2.6749242395162582,0.8418268859386444,5.681172391201588,6.867199993133547 +4.088376071735432,3.643379321123691,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.643379321123691,3.475972533226013,3.516953870654106,1.4824774290652984,6.032927736322931,6.464826631546021 +4.224459579567376,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.643379321123691,3.475972533226013,3.516953870654106,1.4824774290652984,6.032927736322931,6.464826631546021 +4.175961302730598,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.643379321123691,3.475972533226013,3.516953870654106,1.4824774290652984,6.032927736322931,6.464826631546021 +4.264132896516668,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.643379321123691,3.475972533226013,3.516953870654106,1.4824774290652984,6.032927736322931,6.464826631546021 +3.9422525782726314,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.643379321123691,3.475972533226013,3.516953870654106,1.4824774290652984,6.032927736322931,6.464826631546021 +3.900337789286124,2.7491186844541673,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.7491186844541673,2.2926422357559204,2.4247259572148323,1.158544527723434,5.213380641125618,6.174891948699951 +4.056433935071293,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.7491186844541673,2.2926422357559204,2.4247259572148323,1.158544527723434,5.213380641125618,6.174891948699951 +3.9484903802605054,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.7491186844541673,2.2926422357559204,2.4247259572148323,1.158544527723434,5.213380641125618,6.174891948699951 +4.107816788397337,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.7491186844541673,2.2926422357559204,2.4247259572148323,1.158544527723434,5.213380641125618,6.174891948699951 +4.266497412912155,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.7491186844541673,2.2926422357559204,2.4247259572148323,1.158544527723434,5.213380641125618,6.174891948699951 +4.082071535289288,4.182459830841485,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.182459830841485,3.839741349220276,3.943109095096588,1.5501725150549666,7.453204966605978,8.550789785385131 +4.228223836735675,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.182459830841485,3.839741349220276,3.943109095096588,1.5501725150549666,7.453204966605978,8.550789785385131 +4.299208285934046,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.182459830841485,3.839741349220276,3.943109095096588,1.5501725150549666,7.453204966605978,8.550789785385131 +4.187617792816538,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.182459830841485,3.839741349220276,3.943109095096588,1.5501725150549666,7.453204966605978,8.550789785385131 +4.15586346901561,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,4.182459830841485,3.839741349220276,3.943109095096588,1.5501725150549666,7.453204966605978,8.550789785385131 +4.343729765713215,2.6526966460762504,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6526966460762504,1.8157102465629578,1.98839271068573,0.5660493797127236,6.288634787214563,8.271133518218994 +4.190636394447402,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6526966460762504,1.8157102465629578,1.98839271068573,0.5660493797127236,6.288634787214563,8.271133518218994 +4.167042447391309,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6526966460762504,1.8157102465629578,1.98839271068573,0.5660493797127236,6.288634787214563,8.271133518218994 +4.030368722543905,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6526966460762504,1.8157102465629578,1.98839271068573,0.5660493797127236,6.288634787214563,8.271133518218994 +4.001770649693515,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.6526966460762504,1.8157102465629578,1.98839271068573,0.5660493797127236,6.288634787214563,8.271133518218994 +4.070060914754867,2.5718199145048857,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5718199145048857,1.9934086203575134,2.1065636947751045,0.8151136093000149,5.289134121955709,6.749131774902345 +4.089757480001763,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5718199145048857,1.9934086203575134,2.1065636947751045,0.8151136093000149,5.289134121955709,6.749131774902345 +4.154346135611597,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5718199145048857,1.9934086203575134,2.1065636947751045,0.8151136093000149,5.289134121955709,6.749131774902345 +4.028692348379838,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5718199145048857,1.9934086203575134,2.1065636947751045,0.8151136093000149,5.289134121955709,6.749131774902345 +4.194350473465104,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,2.5718199145048857,1.9934086203575134,2.1065636947751045,0.8151136093000149,5.289134121955709,6.749131774902345 +3.909417823780524,3.0933746067767447,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.0933746067767447,2.6542283296585083,2.786943793296814,1.286031147266956,5.656013022077844,6.615851378440858 +4.005566488382848,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.0933746067767447,2.6542283296585083,2.786943793296814,1.286031147266956,5.656013022077844,6.615851378440858 +4.084748474077174,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.0933746067767447,2.6542283296585083,2.786943793296814,1.286031147266956,5.656013022077844,6.615851378440858 +4.288885850263269,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.0933746067767447,2.6542283296585083,2.786943793296814,1.286031147266956,5.656013022077844,6.615851378440858 +4.130002274521087,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.0933746067767447,2.6542283296585083,2.786943793296814,1.286031147266956,5.656013022077844,6.615851378440858 +4.301551099003929,3.084823300388265,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.084823300388265,2.3331624269485474,2.563894122838974,1.1143198932739014,6.245383201761449,8.087531328201296 +4.355777700637516,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.084823300388265,2.3331624269485474,2.563894122838974,1.1143198932739014,6.245383201761449,8.087531328201296 +4.0547971932707645,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.084823300388265,2.3331624269485474,2.563894122838974,1.1143198932739014,6.245383201761449,8.087531328201296 +4.047487580403685,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.084823300388265,2.3331624269485474,2.563894122838974,1.1143198932739014,6.245383201761449,8.087531328201296 +4.0796625054980575,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.084823300388265,2.3331624269485474,2.563894122838974,1.1143198932739014,6.245383201761449,8.087531328201296 +3.8364397357757154,3.1385191819293703,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.1385191819293703,2.835794687271118,2.840316817164421,1.550594411314802,5.382161206387459,6.171639299392701 +3.9854970686921947,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.1385191819293703,2.835794687271118,2.840316817164421,1.550594411314802,5.382161206387459,6.171639299392701 +4.02791807729947,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.1385191819293703,2.835794687271118,2.840316817164421,1.550594411314802,5.382161206387459,6.171639299392701 +3.9764164563856625,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.1385191819293703,2.835794687271118,2.840316817164421,1.550594411314802,5.382161206387459,6.171639299392701 +4.014163339765449,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.1385191819293703,2.835794687271118,2.840316817164421,1.550594411314802,5.382161206387459,6.171639299392701 +3.9422251938205015,3.2207128564093974,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2207128564093974,2.6637704372406006,2.769960939884186,1.210152359718972,6.153565366217431,8.01911840438843 +4.152430745018156,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2207128564093974,2.6637704372406006,2.769960939884186,1.210152359718972,6.153565366217431,8.01911840438843 +4.08413987673427,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2207128564093974,2.6637704372406006,2.769960939884186,1.210152359718972,6.153565366217431,8.01911840438843 +3.964089731754441,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2207128564093974,2.6637704372406006,2.769960939884186,1.210152359718972,6.153565366217431,8.01911840438843 +4.126865812743965,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2207128564093974,2.6637704372406006,2.769960939884186,1.210152359718972,6.153565366217431,8.01911840438843 +4.220669190938535,3.2957733761756978,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2957733761756978,2.95138418674469,2.999897576868534,1.312971718767856,5.835257357739388,6.831952881813052 +4.081479582974786,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2957733761756978,2.95138418674469,2.999897576868534,1.312971718767856,5.835257357739388,6.831952881813052 +3.8001058386736792,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2957733761756978,2.95138418674469,2.999897576868534,1.312971718767856,5.835257357739388,6.831952881813052 +3.8490094250754305,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2957733761756978,2.95138418674469,2.999897576868534,1.312971718767856,5.835257357739388,6.831952881813052 +3.995298839419296,0,2.5628198463707528,1.8411135077476501,2.07100398093462,0.6770756406352875,5.5747688019529305,6.4790202379226685,3.2957733761756978,2.95138418674469,2.999897576868534,1.312971718767856,5.835257357739388,6.831952881813052 +4.1801249654473445,2.2988699404324624,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071 +4.084034375689532,0,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071 +3.8450850547144286,0,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071 +4.006802409201076,0,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071 +4.032313635200262,0,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071,2.2988699404324624,1.7372114658355713,1.8398712612688541,0.6522090875721992,4.965016527378813,6.207148861885071 +4.079532256389135,2.2860705745901835,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464 +3.894429679214954,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464 +4.04883446371869,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464 +3.7236553476829277,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464 +3.7782514393721756,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464 +4.056557096305647,2.5624922148962606,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5624922148962606,2.0841082334518433,2.1716314405202866,0.8103275005804732,5.178447880643479,6.324408698081971 +3.6196106560136143,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5624922148962606,2.0841082334518433,2.1716314405202866,0.8103275005804732,5.178447880643479,6.324408698081971 +4.270466708509546,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5624922148962606,2.0841082334518433,2.1716314405202866,0.8103275005804732,5.178447880643479,6.324408698081971 +3.8581499288544845,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5624922148962606,2.0841082334518433,2.1716314405202866,0.8103275005804732,5.178447880643479,6.324408698081971 +3.9579241666746765,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5624922148962606,2.0841082334518433,2.1716314405202866,0.8103275005804732,5.178447880643479,6.324408698081971 +3.7570895840855023,4.157171507940648,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,4.157171507940648,4.078868389129639,4.094129681587219,1.8432741463184357,6.662461189513511,7.248762726783752 +4.065764797616162,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,4.157171507940648,4.078868389129639,4.094129681587219,1.8432741463184357,6.662461189513511,7.248762726783752 +3.9753400295188555,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,4.157171507940648,4.078868389129639,4.094129681587219,1.8432741463184357,6.662461189513511,7.248762726783752 +3.7190491663390084,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,4.157171507940648,4.078868389129639,4.094129681587219,1.8432741463184357,6.662461189513511,7.248762726783752 +4.164020296931267,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,4.157171507940648,4.078868389129639,4.094129681587219,1.8432741463184357,6.662461189513511,7.248762726783752 +3.917305146334203,2.3215762620118072,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3215762620118072,1.8407918214797974,1.9751434326171875,0.7585505358082183,4.7215093450343355,5.635979580879212 +3.97653893455863,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3215762620118072,1.8407918214797974,1.9751434326171875,0.7585505358082183,4.7215093450343355,5.635979580879212 +3.6381532089098503,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3215762620118072,1.8407918214797974,1.9751434326171875,0.7585505358082183,4.7215093450343355,5.635979580879212 +4.1438525631631675,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3215762620118072,1.8407918214797974,1.9751434326171875,0.7585505358082183,4.7215093450343355,5.635979580879212 +3.7712772543100934,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3215762620118072,1.8407918214797974,1.9751434326171875,0.7585505358082183,4.7215093450343355,5.635979580879212 +4.031982906790156,2.9742406937987247,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.9742406937987247,2.2327725887298584,2.425899736583233,0.9959711197842943,6.03967764529776,7.36764979362488 +3.993174845254735,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.9742406937987247,2.2327725887298584,2.425899736583233,0.9959711197842943,6.03967764529776,7.36764979362488 +3.9646739976578638,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.9742406937987247,2.2327725887298584,2.425899736583233,0.9959711197842943,6.03967764529776,7.36764979362488 +3.7225245183627855,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.9742406937987247,2.2327725887298584,2.425899736583233,0.9959711197842943,6.03967764529776,7.36764979362488 +3.8788218546854822,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.9742406937987247,2.2327725887298584,2.425899736583233,0.9959711197842943,6.03967764529776,7.36764979362488 +4.153207508435375,3.783863415426396,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.783863415426396,3.2543184757232666,3.4720190912485123,1.2860369593539136,7.126976834966781,8.608050298690797 +3.6741159935530865,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.783863415426396,3.2543184757232666,3.4720190912485123,1.2860369593539136,7.126976834966781,8.608050298690797 +3.796259022523698,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.783863415426396,3.2543184757232666,3.4720190912485123,1.2860369593539136,7.126976834966781,8.608050298690797 +3.971574608275765,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.783863415426396,3.2543184757232666,3.4720190912485123,1.2860369593539136,7.126976834966781,8.608050298690797 +4.057723292355474,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.783863415426396,3.2543184757232666,3.4720190912485123,1.2860369593539136,7.126976834966781,8.608050298690797 +3.983094064048246,2.7211686423484314,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.7211686423484314,2.1547614336013794,2.28260700404644,1.3267728039558897,5.068883890801287,6.356270003318787 +4.146626758595046,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.7211686423484314,2.1547614336013794,2.28260700404644,1.3267728039558897,5.068883890801287,6.356270003318787 +4.087713111505697,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.7211686423484314,2.1547614336013794,2.28260700404644,1.3267728039558897,5.068883890801287,6.356270003318787 +4.009811601591737,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.7211686423484314,2.1547614336013794,2.28260700404644,1.3267728039558897,5.068883890801287,6.356270003318787 +3.794024923169299,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.7211686423484314,2.1547614336013794,2.28260700404644,1.3267728039558897,5.068883890801287,6.356270003318787 +3.7015520419729384,3.671843129903712,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.671843129903712,3.423826217651367,3.446721136569977,1.5362796758083588,6.346854534554989,7.438940691947938 +3.9821401594892927,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.671843129903712,3.423826217651367,3.446721136569977,1.5362796758083588,6.346854534554989,7.438940691947938 +3.6197704085197886,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.671843129903712,3.423826217651367,3.446721136569977,1.5362796758083588,6.346854534554989,7.438940691947938 +4.149735799706296,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.671843129903712,3.423826217651367,3.446721136569977,1.5362796758083588,6.346854534554989,7.438940691947938 +3.770305847200124,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.671843129903712,3.423826217651367,3.446721136569977,1.5362796758083588,6.346854534554989,7.438940691947938 +3.9126137909920593,2.322581019648846,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.322581019648846,1.7920926213264465,1.8442770577967167,0.6824921122256745,5.007530953021759,6.335481643676758 +3.6718060468176477,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.322581019648846,1.7920926213264465,1.8442770577967167,0.6824921122256745,5.007530953021759,6.335481643676758 +4.074918178939505,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.322581019648846,1.7920926213264465,1.8442770577967167,0.6824921122256745,5.007530953021759,6.335481643676758 +3.8371716372668745,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.322581019648846,1.7920926213264465,1.8442770577967167,0.6824921122256745,5.007530953021759,6.335481643676758 +3.609718125725263,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.322581019648846,1.7920926213264465,1.8442770577967167,0.6824921122256745,5.007530953021759,6.335481643676758 +3.6436497359291504,2.390452018839882,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.390452018839882,1.77954763174057,1.9691872522234917,0.6522584104157508,5.143918301196808,6.143117594718933 +3.7288094212742227,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.390452018839882,1.77954763174057,1.9691872522234917,0.6522584104157508,5.143918301196808,6.143117594718933 +3.9949837576009726,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.390452018839882,1.77954763174057,1.9691872522234917,0.6522584104157508,5.143918301196808,6.143117594718933 +4.038297982474691,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.390452018839882,1.77954763174057,1.9691872522234917,0.6522584104157508,5.143918301196808,6.143117594718933 +3.921675816099895,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.390452018839882,1.77954763174057,1.9691872522234917,0.6522584104157508,5.143918301196808,6.143117594718933 +3.870823276533108,2.3246901315894535,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3246901315894535,1.5965948104858398,1.8293217942118645,0.5660479658461631,5.196606280955862,6.7404975652694725 +3.8613386912369414,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3246901315894535,1.5965948104858398,1.8293217942118645,0.5660479658461631,5.196606280955862,6.7404975652694725 +3.828837099102767,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3246901315894535,1.5965948104858398,1.8293217942118645,0.5660479658461631,5.196606280955862,6.7404975652694725 +3.936528345119012,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3246901315894535,1.5965948104858398,1.8293217942118645,0.5660479658461631,5.196606280955862,6.7404975652694725 +4.1496952015514434,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3246901315894535,1.5965948104858398,1.8293217942118645,0.5660479658461631,5.196606280955862,6.7404975652694725 +4.075871074709453,2.6306278180885823,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6306278180885823,1.7376033663749695,2.05350037291646,0.641385979474859,6.040307415292618,7.269492816925049 +4.037593084965882,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6306278180885823,1.7376033663749695,2.05350037291646,0.641385979474859,6.040307415292618,7.269492816925049 +3.9057261399924754,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6306278180885823,1.7376033663749695,2.05350037291646,0.641385979474859,6.040307415292618,7.269492816925049 +3.7780957658824166,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6306278180885823,1.7376033663749695,2.05350037291646,0.641385979474859,6.040307415292618,7.269492816925049 +3.6201180605119783,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6306278180885823,1.7376033663749695,2.05350037291646,0.641385979474859,6.040307415292618,7.269492816925049 +3.8654956110802137,3.1284027844667435,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.1284027844667435,2.5758166313171387,2.741980403661728,1.6456484477570716,5.5618412596114135,6.497616720199585 +3.8392249146182285,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.1284027844667435,2.5758166313171387,2.741980403661728,1.6456484477570716,5.5618412596114135,6.497616720199585 +4.043972025576391,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.1284027844667435,2.5758166313171387,2.741980403661728,1.6456484477570716,5.5618412596114135,6.497616720199585 +3.5562119152004783,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.1284027844667435,2.5758166313171387,2.741980403661728,1.6456484477570716,5.5618412596114135,6.497616720199585 +4.026785415940378,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,3.1284027844667435,2.5758166313171387,2.741980403661728,1.6456484477570716,5.5618412596114135,6.497616720199585 +3.9034382122323703,2.313972322745843,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.313972322745843,1.741760492324829,1.9201815128326416,0.7162345440146771,4.84131299688461,6.133260273933413 +3.804577530214661,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.313972322745843,1.741760492324829,1.9201815128326416,0.7162345440146771,4.84131299688461,6.133260273933413 +3.843101581950721,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.313972322745843,1.741760492324829,1.9201815128326416,0.7162345440146771,4.84131299688461,6.133260273933413 +3.8007651648239085,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.313972322745843,1.741760492324829,1.9201815128326416,0.7162345440146771,4.84131299688461,6.133260273933413 +3.9262607056451473,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.313972322745843,1.741760492324829,1.9201815128326416,0.7162345440146771,4.84131299688461,6.133260273933413 +3.5287840941626776,2.3125157804485967,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3125157804485967,1.7161811590194702,1.9014397487044334,0.6621811179087517,4.9086808042323335,5.8810230731964115 +3.819027244397684,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3125157804485967,1.7161811590194702,1.9014397487044334,0.6621811179087517,4.9086808042323335,5.8810230731964115 +3.727878500403542,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3125157804485967,1.7161811590194702,1.9014397487044334,0.6621811179087517,4.9086808042323335,5.8810230731964115 +3.974821950495243,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3125157804485967,1.7161811590194702,1.9014397487044334,0.6621811179087517,4.9086808042323335,5.8810230731964115 +3.7431864968255946,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.3125157804485967,1.7161811590194702,1.9014397487044334,0.6621811179087517,4.9086808042323335,5.8810230731964115 +3.7267950696380514,2.6487772068841027,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6487772068841027,2.1697933673858643,2.3262438252568245,0.7307285947051454,5.317301942947063,6.207431983947756 +4.124521238690144,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6487772068841027,2.1697933673858643,2.3262438252568245,0.7307285947051454,5.317301942947063,6.207431983947756 +3.72175010948589,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6487772068841027,2.1697933673858643,2.3262438252568245,0.7307285947051454,5.317301942947063,6.207431983947756 +3.753450194550188,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6487772068841027,2.1697933673858643,2.3262438252568245,0.7307285947051454,5.317301942947063,6.207431983947756 +3.914321823888703,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.6487772068841027,2.1697933673858643,2.3262438252568245,0.7307285947051454,5.317301942947063,6.207431983947756 +3.585432087414359,2.635276955492953,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.635276955492953,2.137099266052246,2.188945524394512,0.764050174266734,5.4168382908435575,7.198428654670719 +4.119822892899576,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.635276955492953,2.137099266052246,2.188945524394512,0.764050174266734,5.4168382908435575,7.198428654670719 +3.692148445174098,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.635276955492953,2.137099266052246,2.188945524394512,0.764050174266734,5.4168382908435575,7.198428654670719 +3.8580469637128867,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.635276955492953,2.137099266052246,2.188945524394512,0.764050174266734,5.4168382908435575,7.198428654670719 +3.860334054027733,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.635276955492953,2.137099266052246,2.188945524394512,0.764050174266734,5.4168382908435575,7.198428654670719 +3.7913292471319435,2.5327206147002412,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5327206147002412,2.1855543851852417,2.2669239565730095,0.9506073001217334,4.73060970103487,5.742949461936951 +3.6742669634913145,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5327206147002412,2.1855543851852417,2.2669239565730095,0.9506073001217334,4.73060970103487,5.742949461936951 +3.64825826510787,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5327206147002412,2.1855543851852417,2.2669239565730095,0.9506073001217334,4.73060970103487,5.742949461936951 +3.758009261755567,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5327206147002412,2.1855543851852417,2.2669239565730095,0.9506073001217334,4.73060970103487,5.742949461936951 +3.7155065082405745,0,2.2860705745901835,1.6952787041664124,1.7916596680879593,0.4785994232652035,5.198740294639101,6.540266513824464,2.5327206147002412,2.1855543851852417,2.2669239565730095,0.9506073001217334,4.73060970103487,5.742949461936951 +3.6493179267566456,2.1399668031867516,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553 +3.7734267722227073,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553 +3.6170929291726726,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553 +3.924084841891339,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553 +3.602793840926729,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553 +3.5577123797449626,2.4109252649656634,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.4109252649656634,1.7953524589538574,2.0154213085770607,0.7924110748349352,4.8841676965672916,5.908345198631288 +3.998330728199921,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.4109252649656634,1.7953524589538574,2.0154213085770607,0.7924110748349352,4.8841676965672916,5.908345198631288 +3.644539019132131,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.4109252649656634,1.7953524589538574,2.0154213085770607,0.7924110748349352,4.8841676965672916,5.908345198631288 +3.8332013239201745,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.4109252649656634,1.7953524589538574,2.0154213085770607,0.7924110748349352,4.8841676965672916,5.908345198631288 +3.8942355143984684,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.4109252649656634,1.7953524589538574,2.0154213085770607,0.7924110748349352,4.8841676965672916,5.908345198631288 +3.630892569787408,2.5754294741026897,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5754294741026897,2.0565720796585083,2.1335021406412125,0.7231355715305248,5.481180683095404,6.415585398674011 +3.6767756052511302,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5754294741026897,2.0565720796585083,2.1335021406412125,0.7231355715305248,5.481180683095404,6.415585398674011 +3.8504428367473578,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5754294741026897,2.0565720796585083,2.1335021406412125,0.7231355715305248,5.481180683095404,6.415585398674011 +3.9126413862956197,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5754294741026897,2.0565720796585083,2.1335021406412125,0.7231355715305248,5.481180683095404,6.415585398674011 +3.796982960912742,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5754294741026897,2.0565720796585083,2.1335021406412125,0.7231355715305248,5.481180683095404,6.415585398674011 +3.928525001967424,2.5765026753094604,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5765026753094604,2.117108106613159,2.2614241018891335,0.9803452577362669,4.942151947224394,5.9453920364379895 +4.190628920730791,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5765026753094604,2.117108106613159,2.2614241018891335,0.9803452577362669,4.942151947224394,5.9453920364379895 +3.675432578866419,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5765026753094604,2.117108106613159,2.2614241018891335,0.9803452577362669,4.942151947224394,5.9453920364379895 +3.7634407103257743,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5765026753094604,2.117108106613159,2.2614241018891335,0.9803452577362669,4.942151947224394,5.9453920364379895 +4.18419631323532,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5765026753094604,2.117108106613159,2.2614241018891335,0.9803452577362669,4.942151947224394,5.9453920364379895 +3.788378330045625,2.796913029110812,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.796913029110812,2.210756778717041,2.3421581238508224,0.9006792284706806,5.649122836741995,7.074870538711549 +3.669108202798586,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.796913029110812,2.210756778717041,2.3421581238508224,0.9006792284706806,5.649122836741995,7.074870538711549 +3.6834517871862964,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.796913029110812,2.210756778717041,2.3421581238508224,0.9006792284706806,5.649122836741995,7.074870538711549 +3.78644677510387,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.796913029110812,2.210756778717041,2.3421581238508224,0.9006792284706806,5.649122836741995,7.074870538711549 +3.82582169908442,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.796913029110812,2.210756778717041,2.3421581238508224,0.9006792284706806,5.649122836741995,7.074870538711549 +3.8537099341812886,2.2723709363094033,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.2723709363094033,1.5001062154769897,1.7512604109942913,0.529770589572318,5.1755416951280955,6.335789060592651 +3.7745183008673946,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.2723709363094033,1.5001062154769897,1.7512604109942913,0.529770589572318,5.1755416951280955,6.335789060592651 +3.723047262939968,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.2723709363094033,1.5001062154769897,1.7512604109942913,0.529770589572318,5.1755416951280955,6.335789060592651 +3.8525534522768696,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.2723709363094033,1.5001062154769897,1.7512604109942913,0.529770589572318,5.1755416951280955,6.335789060592651 +3.7979471091769246,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.2723709363094033,1.5001062154769897,1.7512604109942913,0.529770589572318,5.1755416951280955,6.335789060592651 +4.035044381081273,2.857630166007166,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.857630166007166,2.27761173248291,2.4615589678287506,0.7530699716286456,5.894635606319346,7.517267632484437 +3.7476457975020536,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.857630166007166,2.27761173248291,2.4615589678287506,0.7530699716286456,5.894635606319346,7.517267632484437 +3.7756080018846614,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.857630166007166,2.27761173248291,2.4615589678287506,0.7530699716286456,5.894635606319346,7.517267632484437 +3.6699663224188903,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.857630166007166,2.27761173248291,2.4615589678287506,0.7530699716286456,5.894635606319346,7.517267632484437 +3.4806283421814443,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.857630166007166,2.27761173248291,2.4615589678287506,0.7530699716286456,5.894635606319346,7.517267632484437 +3.973089803598429,2.3933007057676923,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3933007057676923,1.9029488563537598,2.001275360584259,0.7922454717311453,4.925476677874301,5.735754895210267 +3.6332768529653547,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3933007057676923,1.9029488563537598,2.001275360584259,0.7922454717311453,4.925476677874301,5.735754895210267 +3.8134996960625838,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3933007057676923,1.9029488563537598,2.001275360584259,0.7922454717311453,4.925476677874301,5.735754895210267 +3.7751401721254774,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3933007057676923,1.9029488563537598,2.001275360584259,0.7922454717311453,4.925476677874301,5.735754895210267 +3.5241298051649017,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3933007057676923,1.9029488563537598,2.001275360584259,0.7922454717311453,4.925476677874301,5.735754895210267 +3.50970702218382,2.75322478462724,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.75322478462724,2.1243568658828735,2.2878124341368675,0.8154466161702542,5.854308889267292,7.392316317558288 +3.8523812843192564,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.75322478462724,2.1243568658828735,2.2878124341368675,0.8154466161702542,5.854308889267292,7.392316317558288 +3.7304534968576935,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.75322478462724,2.1243568658828735,2.2878124341368675,0.8154466161702542,5.854308889267292,7.392316317558288 +3.7690182894664375,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.75322478462724,2.1243568658828735,2.2878124341368675,0.8154466161702542,5.854308889267292,7.392316317558288 +3.715820759730904,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.75322478462724,2.1243568658828735,2.2878124341368675,0.8154466161702542,5.854308889267292,7.392316317558288 +3.496713356810965,2.7906552481841533,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7906552481841533,2.2511922121047974,2.355349935591221,1.0798447404770142,5.409471146603848,6.820349431037904 +4.051070015132427,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7906552481841533,2.2511922121047974,2.355349935591221,1.0798447404770142,5.409471146603848,6.820349431037904 +3.5695980161428453,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7906552481841533,2.2511922121047974,2.355349935591221,1.0798447404770142,5.409471146603848,6.820349431037904 +3.5454333485545297,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7906552481841533,2.2511922121047974,2.355349935591221,1.0798447404770142,5.409471146603848,6.820349431037904 +3.811543142089718,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7906552481841533,2.2511922121047974,2.355349935591221,1.0798447404770142,5.409471146603848,6.820349431037904 +3.998827658534834,2.7354632170593485,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7354632170593485,2.3069711923599243,2.4220203906297684,0.9982645556013635,5.169406682886976,5.853473329544068 +4.000271814551793,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7354632170593485,2.3069711923599243,2.4220203906297684,0.9982645556013635,5.169406682886976,5.853473329544068 +3.6900669702377757,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7354632170593485,2.3069711923599243,2.4220203906297684,0.9982645556013635,5.169406682886976,5.853473329544068 +3.6963131590109124,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7354632170593485,2.3069711923599243,2.4220203906297684,0.9982645556013635,5.169406682886976,5.853473329544068 +3.6085815306164717,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7354632170593485,2.3069711923599243,2.4220203906297684,0.9982645556013635,5.169406682886976,5.853473329544068 +3.5995185877931744,2.73584882332448,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.73584882332448,1.8972781896591187,2.052805095911026,0.6631690170219604,6.274214257585242,8.632034683227541 +3.8972791365886987,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.73584882332448,1.8972781896591187,2.052805095911026,0.6631690170219604,6.274214257585242,8.632034683227541 +3.833525284438541,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.73584882332448,1.8972781896591187,2.052805095911026,0.6631690170219604,6.274214257585242,8.632034683227541 +3.929832942117202,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.73584882332448,1.8972781896591187,2.052805095911026,0.6631690170219604,6.274214257585242,8.632034683227541 +3.6944522857469946,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.73584882332448,1.8972781896591187,2.052805095911026,0.6631690170219604,6.274214257585242,8.632034683227541 +3.85399926538138,2.3146229557534483,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3146229557534483,1.8603037595748901,1.9216993898153305,0.6655502598336402,4.847016035242284,5.764436149597168 +3.828595090069269,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3146229557534483,1.8603037595748901,1.9216993898153305,0.6655502598336402,4.847016035242284,5.764436149597168 +3.989708345755935,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3146229557534483,1.8603037595748901,1.9216993898153305,0.6655502598336402,4.847016035242284,5.764436149597168 +3.468726771226839,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3146229557534483,1.8603037595748901,1.9216993898153305,0.6655502598336402,4.847016035242284,5.764436149597168 +3.4002619625314288,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3146229557534483,1.8603037595748901,1.9216993898153305,0.6655502598336402,4.847016035242284,5.764436149597168 +4.009180430087604,2.3425323381782213,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3425323381782213,1.687149167060852,1.8491929396986961,0.7112332260672082,5.022933214268786,6.3455983877182005 +3.8658242665623366,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3425323381782213,1.687149167060852,1.8491929396986961,0.7112332260672082,5.022933214268786,6.3455983877182005 +3.932220697050032,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3425323381782213,1.687149167060852,1.8491929396986961,0.7112332260672082,5.022933214268786,6.3455983877182005 +3.647568633054432,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3425323381782213,1.687149167060852,1.8491929396986961,0.7112332260672082,5.022933214268786,6.3455983877182005 +3.6663915662977256,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3425323381782213,1.687149167060852,1.8491929396986961,0.7112332260672082,5.022933214268786,6.3455983877182005 +3.425263011926099,2.7845872217353356,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7845872217353356,2.3857264518737793,2.509743608534336,1.0196082344714632,5.248342407510636,6.178680300712587 +3.771868361258193,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7845872217353356,2.3857264518737793,2.509743608534336,1.0196082344714632,5.248342407510636,6.178680300712587 +3.4004012194903273,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7845872217353356,2.3857264518737793,2.509743608534336,1.0196082344714632,5.248342407510636,6.178680300712587 +3.6626042666011736,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7845872217353356,2.3857264518737793,2.509743608534336,1.0196082344714632,5.248342407510636,6.178680300712587 +3.889158809655591,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.7845872217353356,2.3857264518737793,2.509743608534336,1.0196082344714632,5.248342407510636,6.178680300712587 +3.3215854991815594,2.5636944975703955,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5636944975703955,1.9767466187477112,2.188683405518532,1.1498630232316382,4.918886052801254,5.4571291446685795 +3.4792714668339806,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5636944975703955,1.9767466187477112,2.188683405518532,1.1498630232316382,4.918886052801254,5.4571291446685795 +3.712774088547418,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5636944975703955,1.9767466187477112,2.188683405518532,1.1498630232316382,4.918886052801254,5.4571291446685795 +3.9121346516044517,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5636944975703955,1.9767466187477112,2.188683405518532,1.1498630232316382,4.918886052801254,5.4571291446685795 +3.683183691670236,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.5636944975703955,1.9767466187477112,2.188683405518532,1.1498630232316382,4.918886052801254,5.4571291446685795 +3.833432819360965,2.877237521270488,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.877237521270488,2.5059109926223755,2.5783451721072197,1.0257986213298553,5.4171793156481804,6.3242623090744035 +3.7154100874536917,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.877237521270488,2.5059109926223755,2.5783451721072197,1.0257986213298553,5.4171793156481804,6.3242623090744035 +3.7711790104445657,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.877237521270488,2.5059109926223755,2.5783451721072197,1.0257986213298553,5.4171793156481804,6.3242623090744035 +3.5896973923240836,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.877237521270488,2.5059109926223755,2.5783451721072197,1.0257986213298553,5.4171793156481804,6.3242623090744035 +3.327902322027244,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.877237521270488,2.5059109926223755,2.5783451721072197,1.0257986213298553,5.4171793156481804,6.3242623090744035 +3.4215395745870314,3.132110973423783,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.132110973423783,2.724670886993408,2.806664064526558,1.1733678064130721,5.859094325532305,6.630652260780334 +3.7768793976620625,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.132110973423783,2.724670886993408,2.806664064526558,1.1733678064130721,5.859094325532305,6.630652260780334 +3.7689817193503443,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.132110973423783,2.724670886993408,2.806664064526558,1.1733678064130721,5.859094325532305,6.630652260780334 +3.496730729702272,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.132110973423783,2.724670886993408,2.806664064526558,1.1733678064130721,5.859094325532305,6.630652260780334 +3.5657238540288647,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.132110973423783,2.724670886993408,2.806664064526558,1.1733678064130721,5.859094325532305,6.630652260780334 +3.704670063896399,2.3438556510955095,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3438556510955095,1.8297904133796692,1.9692154563963413,0.6011545669208181,4.978453793424241,5.925416564941406 +3.5207650852046517,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3438556510955095,1.8297904133796692,1.9692154563963413,0.6011545669208181,4.978453793424241,5.925416564941406 +3.489843674749136,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3438556510955095,1.8297904133796692,1.9692154563963413,0.6011545669208181,4.978453793424241,5.925416564941406 +3.6533044983289744,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3438556510955095,1.8297904133796692,1.9692154563963413,0.6011545669208181,4.978453793424241,5.925416564941406 +3.802920311022746,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3438556510955095,1.8297904133796692,1.9692154563963413,0.6011545669208181,4.978453793424241,5.925416564941406 +3.3925148270239958,2.406046174625133,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.406046174625133,1.817935287952423,2.017078399658203,0.7546781136634502,5.002755652082727,5.9803646326065065 +3.696459728832308,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.406046174625133,1.817935287952423,2.017078399658203,0.7546781136634502,5.002755652082727,5.9803646326065065 +3.656524686534938,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.406046174625133,1.817935287952423,2.017078399658203,0.7546781136634502,5.002755652082727,5.9803646326065065 +3.7147551677728954,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.406046174625133,1.817935287952423,2.017078399658203,0.7546781136634502,5.002755652082727,5.9803646326065065 +3.5956855968033015,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.406046174625133,1.817935287952423,2.017078399658203,0.7546781136634502,5.002755652082727,5.9803646326065065 +3.5467330272260464,2.3816017458572034,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3816017458572034,1.823109209537506,1.9304427206516266,0.7412596310072757,5.0319728394772145,6.5319791793823265 +3.5764133205147166,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3816017458572034,1.823109209537506,1.9304427206516266,0.7412596310072757,5.0319728394772145,6.5319791793823265 +3.9174621307732242,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3816017458572034,1.823109209537506,1.9304427206516266,0.7412596310072757,5.0319728394772145,6.5319791793823265 +3.6550946846800416,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3816017458572034,1.823109209537506,1.9304427206516266,0.7412596310072757,5.0319728394772145,6.5319791793823265 +3.429568053978054,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.3816017458572034,1.823109209537506,1.9304427206516266,0.7412596310072757,5.0319728394772145,6.5319791793823265 +3.671947800603352,2.178139315759565,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.178139315759565,1.7017523646354675,1.7476030960679054,0.6004576687800124,4.671531119245164,5.886429333686832 +3.5931351005442833,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.178139315759565,1.7017523646354675,1.7476030960679054,0.6004576687800124,4.671531119245164,5.886429333686832 +3.6428075669431372,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.178139315759565,1.7017523646354675,1.7476030960679054,0.6004576687800124,4.671531119245164,5.886429333686832 +3.7064013590938165,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.178139315759565,1.7017523646354675,1.7476030960679054,0.6004576687800124,4.671531119245164,5.886429333686832 +3.621596400086817,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.178139315759565,1.7017523646354675,1.7476030960679054,0.6004576687800124,4.671531119245164,5.886429333686832 +3.8792123898471655,2.359260180766912,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.359260180766912,1.7618642449378967,1.922613114118576,0.6176248696890283,5.167422193161984,6.312835359573366 +3.5339442268994294,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.359260180766912,1.7618642449378967,1.922613114118576,0.6176248696890283,5.167422193161984,6.312835359573366 +3.6320281748708925,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.359260180766912,1.7618642449378967,1.922613114118576,0.6176248696890283,5.167422193161984,6.312835359573366 +3.7535238378926326,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.359260180766912,1.7618642449378967,1.922613114118576,0.6176248696890283,5.167422193161984,6.312835359573366 +3.7598183218781887,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.359260180766912,1.7618642449378967,1.922613114118576,0.6176248696890283,5.167422193161984,6.312835359573366 +3.7503307568007394,2.175840914090897,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.175840914090897,1.5598300099372864,1.6839011795818806,0.45333075079512086,5.0336902090843685,6.717099547386171 +3.553399247676134,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.175840914090897,1.5598300099372864,1.6839011795818806,0.45333075079512086,5.0336902090843685,6.717099547386171 +3.648695047768323,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.175840914090897,1.5598300099372864,1.6839011795818806,0.45333075079512086,5.0336902090843685,6.717099547386171 +3.6044529909366054,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.175840914090897,1.5598300099372864,1.6839011795818806,0.45333075079512086,5.0336902090843685,6.717099547386171 +3.5468775844887683,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.175840914090897,1.5598300099372864,1.6839011795818806,0.45333075079512086,5.0336902090843685,6.717099547386171 +3.547001207208163,2.9502558714531837,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.9502558714531837,2.4744378328323364,2.632873311638832,1.371692474852217,5.305583593693186,6.38593897819519 +3.6894342713057995,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.9502558714531837,2.4744378328323364,2.632873311638832,1.371692474852217,5.305583593693186,6.38593897819519 +3.6579203567026477,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.9502558714531837,2.4744378328323364,2.632873311638832,1.371692474852217,5.305583593693186,6.38593897819519 +3.579134298684566,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.9502558714531837,2.4744378328323364,2.632873311638832,1.371692474852217,5.305583593693186,6.38593897819519 +3.7367283387207673,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,2.9502558714531837,2.4744378328323364,2.632873311638832,1.371692474852217,5.305583593693186,6.38593897819519 +3.6988375813945344,3.770666182041168,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.770666182041168,3.202986001968384,3.323145568370819,2.055970562265274,6.532940519616959,8.571844577789307 +3.4384369159215376,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.770666182041168,3.202986001968384,3.323145568370819,2.055970562265274,6.532940519616959,8.571844577789307 +3.6589352508124553,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.770666182041168,3.202986001968384,3.323145568370819,2.055970562265274,6.532940519616959,8.571844577789307 +3.5348022952283684,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.770666182041168,3.202986001968384,3.323145568370819,2.055970562265274,6.532940519616959,8.571844577789307 +3.560028808348273,0,2.1399668031867516,1.539562702178955,1.7086294367909431,0.5714276616877698,4.729606318981089,6.146221852302553,3.770666182041168,3.202986001968384,3.323145568370819,2.055970562265274,6.532940519616959,8.571844577789307 +3.7123094336178744,2.038258459934212,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279 +4.010161711157937,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279 +3.752698564019642,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279 +3.5082657881081105,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279 +3.684958333639722,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279 +3.7918646867534047,2.5210222290789193,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5210222290789193,1.9470200538635254,2.048164166510105,0.9572463439817124,5.076489798566128,6.574194002151491 +3.5667659427186376,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5210222290789193,1.9470200538635254,2.048164166510105,0.9572463439817124,5.076489798566128,6.574194002151491 +3.467110139445255,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5210222290789193,1.9470200538635254,2.048164166510105,0.9572463439817124,5.076489798566128,6.574194002151491 +3.495236578897426,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5210222290789193,1.9470200538635254,2.048164166510105,0.9572463439817124,5.076489798566128,6.574194002151491 +3.573914286690323,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5210222290789193,1.9470200538635254,2.048164166510105,0.9572463439817124,5.076489798566128,6.574194002151491 +3.5230967002087517,2.4247724739636514,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.4247724739636514,1.9031444191932678,2.0574540719389915,0.8725362011092774,4.8098332273199205,5.563653373718262 +3.2526573627991113,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.4247724739636514,1.9031444191932678,2.0574540719389915,0.8725362011092774,4.8098332273199205,5.563653373718262 +3.706571354442521,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.4247724739636514,1.9031444191932678,2.0574540719389915,0.8725362011092774,4.8098332273199205,5.563653373718262 +3.366326755755826,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.4247724739636514,1.9031444191932678,2.0574540719389915,0.8725362011092774,4.8098332273199205,5.563653373718262 +3.898414242581317,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.4247724739636514,1.9031444191932678,2.0574540719389915,0.8725362011092774,4.8098332273199205,5.563653373718262 +3.617608912406783,2.5614136287823634,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5614136287823634,2.0022721886634827,2.172036685049534,1.1275982685545658,4.887203901372057,5.785733771324159 +3.7153928865727623,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5614136287823634,2.0022721886634827,2.172036685049534,1.1275982685545658,4.887203901372057,5.785733771324159 +3.79661660878674,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5614136287823634,2.0022721886634827,2.172036685049534,1.1275982685545658,4.887203901372057,5.785733771324159 +3.5950513605812664,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5614136287823634,2.0022721886634827,2.172036685049534,1.1275982685545658,4.887203901372057,5.785733771324159 +3.572542324877883,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5614136287823634,2.0022721886634827,2.172036685049534,1.1275982685545658,4.887203901372057,5.785733771324159 +3.3895610499146738,3.0728289498452175,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0728289498452175,2.7589361667633057,2.7535264417529106,1.16369262940072,5.640903386663883,6.907998180389406 +3.623422742595798,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0728289498452175,2.7589361667633057,2.7535264417529106,1.16369262940072,5.640903386663883,6.907998180389406 +3.7357791021466253,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0728289498452175,2.7589361667633057,2.7535264417529106,1.16369262940072,5.640903386663883,6.907998180389406 +3.7948506512728177,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0728289498452175,2.7589361667633057,2.7535264417529106,1.16369262940072,5.640903386663883,6.907998180389406 +3.573059684057769,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0728289498452175,2.7589361667633057,2.7535264417529106,1.16369262940072,5.640903386663883,6.907998180389406 +3.381608317772809,2.3746783366387194,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3746783366387194,1.9302684664726257,2.040891505777836,0.662058155904425,4.884610191304633,6.0564716339111335 +3.5448865315631815,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3746783366387194,1.9302684664726257,2.040891505777836,0.662058155904425,4.884610191304633,6.0564716339111335 +3.7023043650153435,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3746783366387194,1.9302684664726257,2.040891505777836,0.662058155904425,4.884610191304633,6.0564716339111335 +3.481784098673808,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3746783366387194,1.9302684664726257,2.040891505777836,0.662058155904425,4.884610191304633,6.0564716339111335 +3.4673713060586078,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3746783366387194,1.9302684664726257,2.040891505777836,0.662058155904425,4.884610191304633,6.0564716339111335 +3.346478250269827,2.8346369158714375,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8346369158714375,2.481385827064514,2.4903504624962807,1.350159137806994,5.126657856271622,6.333997845649721 +3.510990474294675,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8346369158714375,2.481385827064514,2.4903504624962807,1.350159137806994,5.126657856271622,6.333997845649721 +3.334949194306606,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8346369158714375,2.481385827064514,2.4903504624962807,1.350159137806994,5.126657856271622,6.333997845649721 +3.616120462060759,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8346369158714375,2.481385827064514,2.4903504624962807,1.350159137806994,5.126657856271622,6.333997845649721 +3.5788000919316945,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8346369158714375,2.481385827064514,2.4903504624962807,1.350159137806994,5.126657856271622,6.333997845649721 +3.6536838403657863,2.538758264616766,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.538758264616766,1.8836452960968018,2.0713998451828957,0.8221490384733423,5.335860211798486,6.644999337196351 +3.6424330119631794,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.538758264616766,1.8836452960968018,2.0713998451828957,0.8221490384733423,5.335860211798486,6.644999337196351 +3.3526044990083106,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.538758264616766,1.8836452960968018,2.0713998451828957,0.8221490384733423,5.335860211798486,6.644999337196351 +3.7272006464631935,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.538758264616766,1.8836452960968018,2.0713998451828957,0.8221490384733423,5.335860211798486,6.644999337196351 +3.530129962806639,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.538758264616766,1.8836452960968018,2.0713998451828957,0.8221490384733423,5.335860211798486,6.644999337196351 +3.6328209357630263,2.103823954477272,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.103823954477272,1.4872604608535767,1.6746047288179398,0.6408040842160265,4.527210555178054,5.633056855201723 +3.581797160894463,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.103823954477272,1.4872604608535767,1.6746047288179398,0.6408040842160265,4.527210555178054,5.633056855201723 +3.6800780157509605,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.103823954477272,1.4872604608535767,1.6746047288179398,0.6408040842160265,4.527210555178054,5.633056855201723 +3.5285551862889215,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.103823954477272,1.4872604608535767,1.6746047288179398,0.6408040842160265,4.527210555178054,5.633056855201723 +3.5439140936653866,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.103823954477272,1.4872604608535767,1.6746047288179398,0.6408040842160265,4.527210555178054,5.633056855201723 +3.726222087070346,2.757256530066754,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.757256530066754,2.2677499055862427,2.417419634759426,1.273140458350486,5.041289461419938,6.286192679405213 +3.5648291111384567,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.757256530066754,2.2677499055862427,2.417419634759426,1.273140458350486,5.041289461419938,6.286192679405213 +3.4935392268002032,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.757256530066754,2.2677499055862427,2.417419634759426,1.273140458350486,5.041289461419938,6.286192679405213 +3.6707497681049923,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.757256530066754,2.2677499055862427,2.417419634759426,1.273140458350486,5.041289461419938,6.286192679405213 +3.6917907282710076,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.757256530066754,2.2677499055862427,2.417419634759426,1.273140458350486,5.041289461419938,6.286192679405213 +3.547109370247314,2.430437036373831,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.430437036373831,1.8552998900413513,1.9796106070280075,0.6517654113630031,5.247994732349477,6.004276466369629 +3.5860911578920325,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.430437036373831,1.8552998900413513,1.9796106070280075,0.6517654113630031,5.247994732349477,6.004276466369629 +3.769924712475193,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.430437036373831,1.8552998900413513,1.9796106070280075,0.6517654113630031,5.247994732349477,6.004276466369629 +3.458678055946764,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.430437036373831,1.8552998900413513,1.9796106070280075,0.6517654113630031,5.247994732349477,6.004276466369629 +3.8881644465421377,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.430437036373831,1.8552998900413513,1.9796106070280075,0.6517654113630031,5.247994732349477,6.004276466369629 +3.4994190743094995,2.3295006669582206,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3295006669582206,1.7764658331871033,1.8836876824498177,0.8353505641856092,4.810583951625418,6.2907543420791665 +3.4880417980841902,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3295006669582206,1.7764658331871033,1.8836876824498177,0.8353505641856092,4.810583951625418,6.2907543420791665 +3.414566268732673,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3295006669582206,1.7764658331871033,1.8836876824498177,0.8353505641856092,4.810583951625418,6.2907543420791665 +3.4520004299126175,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3295006669582206,1.7764658331871033,1.8836876824498177,0.8353505641856092,4.810583951625418,6.2907543420791665 +3.4926071773626304,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3295006669582206,1.7764658331871033,1.8836876824498177,0.8353505641856092,4.810583951625418,6.2907543420791665 +3.56177565392695,2.7586980969347854,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7586980969347854,2.323665499687195,2.3569687455892563,1.1881478365431442,5.243933175472503,6.457755732536317 +3.778906923042316,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7586980969347854,2.323665499687195,2.3569687455892563,1.1881478365431442,5.243933175472503,6.457755732536317 +3.7006633622865928,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7586980969347854,2.323665499687195,2.3569687455892563,1.1881478365431442,5.243933175472503,6.457755732536317 +3.596250296756625,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7586980969347854,2.323665499687195,2.3569687455892563,1.1881478365431442,5.243933175472503,6.457755732536317 +3.446867304687437,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7586980969347854,2.323665499687195,2.3569687455892563,1.1881478365431442,5.243933175472503,6.457755732536317 +3.483821933010691,2.829370140712312,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.829370140712312,2.1955084800720215,2.383905276656151,1.332228811497384,5.308188940616364,6.476214146614074 +3.4230577202023644,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.829370140712312,2.1955084800720215,2.383905276656151,1.332228811497384,5.308188940616364,6.476214146614074 +3.396792976420961,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.829370140712312,2.1955084800720215,2.383905276656151,1.332228811497384,5.308188940616364,6.476214146614074 +3.8233044826670697,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.829370140712312,2.1955084800720215,2.383905276656151,1.332228811497384,5.308188940616364,6.476214146614074 +3.456461205549146,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.829370140712312,2.1955084800720215,2.383905276656151,1.332228811497384,5.308188940616364,6.476214146614074 +3.433753722866899,2.180541830335526,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.180541830335526,1.5896035432815552,1.761871576309204,0.5589337761097766,4.816250156848989,6.01204915046692 +3.3995856455086093,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.180541830335526,1.5896035432815552,1.761871576309204,0.5589337761097766,4.816250156848989,6.01204915046692 +3.4341680701625976,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.180541830335526,1.5896035432815552,1.761871576309204,0.5589337761097766,4.816250156848989,6.01204915046692 +3.466263870698841,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.180541830335526,1.5896035432815552,1.761871576309204,0.5589337761097766,4.816250156848989,6.01204915046692 +3.581490391708518,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.180541830335526,1.5896035432815552,1.761871576309204,0.5589337761097766,4.816250156848989,6.01204915046692 +3.5851042409084344,3.387109032178179,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.387109032178179,3.0846410989761353,3.1614618748426437,1.470091849565506,5.686581459451229,6.867549633979799 +3.5823616231154456,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.387109032178179,3.0846410989761353,3.1614618748426437,1.470091849565506,5.686581459451229,6.867549633979799 +3.6426738600785793,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.387109032178179,3.0846410989761353,3.1614618748426437,1.470091849565506,5.686581459451229,6.867549633979799 +3.3175111709848832,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.387109032178179,3.0846410989761353,3.1614618748426437,1.470091849565506,5.686581459451229,6.867549633979799 +3.501272117248491,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.387109032178179,3.0846410989761353,3.1614618748426437,1.470091849565506,5.686581459451229,6.867549633979799 +3.395455243497303,2.0619650395547455,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0619650395547455,1.513422667980194,1.7322465367615223,0.5496636570451108,4.416177394542288,5.202321648597717 +3.7342202540290983,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0619650395547455,1.513422667980194,1.7322465367615223,0.5496636570451108,4.416177394542288,5.202321648597717 +3.611394621588682,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0619650395547455,1.513422667980194,1.7322465367615223,0.5496636570451108,4.416177394542288,5.202321648597717 +3.3960493801847886,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0619650395547455,1.513422667980194,1.7322465367615223,0.5496636570451108,4.416177394542288,5.202321648597717 +3.176364740454837,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0619650395547455,1.513422667980194,1.7322465367615223,0.5496636570451108,4.416177394542288,5.202321648597717 +3.70593165296473,3.1451862284794765,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.1451862284794765,2.6909689903259277,2.829616665840149,1.1984617868636518,5.697361215632013,6.877352070808412 +3.4013538433532964,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.1451862284794765,2.6909689903259277,2.829616665840149,1.1984617868636518,5.697361215632013,6.877352070808412 +3.5839545860886575,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.1451862284794765,2.6909689903259277,2.829616665840149,1.1984617868636518,5.697361215632013,6.877352070808412 +3.6796045539214424,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.1451862284794765,2.6909689903259277,2.829616665840149,1.1984617868636518,5.697361215632013,6.877352070808412 +3.69382544436345,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.1451862284794765,2.6909689903259277,2.829616665840149,1.1984617868636518,5.697361215632013,6.877352070808412 +3.126607123840796,2.2941679434573397,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2941679434573397,1.7290642857551575,1.9059592261910439,0.8635117627204733,4.669654095426519,5.746300673484803 +3.3782754338297405,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2941679434573397,1.7290642857551575,1.9059592261910439,0.8635117627204733,4.669654095426519,5.746300673484803 +3.4655877118243983,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2941679434573397,1.7290642857551575,1.9059592261910439,0.8635117627204733,4.669654095426519,5.746300673484803 +3.3639831384938015,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2941679434573397,1.7290642857551575,1.9059592261910439,0.8635117627204733,4.669654095426519,5.746300673484803 +3.6045268213866573,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2941679434573397,1.7290642857551575,1.9059592261910439,0.8635117627204733,4.669654095426519,5.746300673484803 +3.516529398274265,2.9573163418693746,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.9573163418693746,2.5719916820526123,2.6189044564962387,1.5486509330729221,5.090927747969932,6.012631607055665 +3.7230262825167495,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.9573163418693746,2.5719916820526123,2.6189044564962387,1.5486509330729221,5.090927747969932,6.012631607055665 +3.4797894478824576,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.9573163418693746,2.5719916820526123,2.6189044564962387,1.5486509330729221,5.090927747969932,6.012631607055665 +3.6091713905138403,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.9573163418693746,2.5719916820526123,2.6189044564962387,1.5486509330729221,5.090927747969932,6.012631607055665 +3.516447912548718,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.9573163418693746,2.5719916820526123,2.6189044564962387,1.5486509330729221,5.090927747969932,6.012631607055665 +3.3467021027285804,2.152704446913397,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.152704446913397,1.647638201713562,1.7702687829732895,0.6504971881179099,4.512833595275879,6.117357993125916 +3.383084606692979,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.152704446913397,1.647638201713562,1.7702687829732895,0.6504971881179099,4.512833595275879,6.117357993125916 +3.242502543487047,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.152704446913397,1.647638201713562,1.7702687829732895,0.6504971881179099,4.512833595275879,6.117357993125916 +3.5595254493387123,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.152704446913397,1.647638201713562,1.7702687829732895,0.6504971881179099,4.512833595275879,6.117357993125916 +3.5596829776701173,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.152704446913397,1.647638201713562,1.7702687829732895,0.6504971881179099,4.512833595275879,6.117357993125916 +3.535644842605842,3.339047450334468,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.339047450334468,3.044487953186035,3.1102476865053177,1.9029348581395251,5.290661882846914,6.312194800376895 +3.5834264716427575,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.339047450334468,3.044487953186035,3.1102476865053177,1.9029348581395251,5.290661882846914,6.312194800376895 +3.4320192795050772,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.339047450334468,3.044487953186035,3.1102476865053177,1.9029348581395251,5.290661882846914,6.312194800376895 +3.5892261998629884,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.339047450334468,3.044487953186035,3.1102476865053177,1.9029348581395251,5.290661882846914,6.312194800376895 +3.6892112330386513,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.339047450334468,3.044487953186035,3.1102476865053177,1.9029348581395251,5.290661882846914,6.312194800376895 +3.355504839612465,2.5325446884207268,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5325446884207268,2.133586883544922,2.2076063975691795,0.858783780577335,5.0174464722897145,6.333508729934693 +3.414929733386165,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5325446884207268,2.133586883544922,2.2076063975691795,0.858783780577335,5.0174464722897145,6.333508729934693 +3.473887523930324,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5325446884207268,2.133586883544922,2.2076063975691795,0.858783780577335,5.0174464722897145,6.333508729934693 +3.5691298003651593,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5325446884207268,2.133586883544922,2.2076063975691795,0.858783780577335,5.0174464722897145,6.333508729934693 +3.320264761365558,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5325446884207268,2.133586883544922,2.2076063975691795,0.858783780577335,5.0174464722897145,6.333508729934693 +3.4088707023937452,2.961013352458781,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.961013352458781,2.5573012828826904,2.6632271334528923,1.3289634870721938,5.220825991732009,6.222576689720155 +3.755741744449264,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.961013352458781,2.5573012828826904,2.6632271334528923,1.3289634870721938,5.220825991732009,6.222576689720155 +3.499190688584196,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.961013352458781,2.5573012828826904,2.6632271334528923,1.3289634870721938,5.220825991732009,6.222576689720155 +3.6248781035801296,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.961013352458781,2.5573012828826904,2.6632271334528923,1.3289634870721938,5.220825991732009,6.222576689720155 +3.5836577706823225,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.961013352458781,2.5573012828826904,2.6632271334528923,1.3289634870721938,5.220825991732009,6.222576689720155 +3.2840653402240654,2.2985904609110763,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2985904609110763,1.7923129796981812,1.9447220712900162,0.8903251350560086,4.5831888127834235,5.50329191684723 +3.355496001263198,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2985904609110763,1.7923129796981812,1.9447220712900162,0.8903251350560086,4.5831888127834235,5.50329191684723 +3.6547902810338297,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2985904609110763,1.7923129796981812,1.9447220712900162,0.8903251350560086,4.5831888127834235,5.50329191684723 +3.7306952125539907,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2985904609110763,1.7923129796981812,1.9447220712900162,0.8903251350560086,4.5831888127834235,5.50329191684723 +3.406207439244578,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2985904609110763,1.7923129796981812,1.9447220712900162,0.8903251350560086,4.5831888127834235,5.50329191684723 +3.805240983045415,3.171589986123937,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.171589986123937,2.7548787593841553,2.850596010684967,1.7058272881710783,5.382607901349981,6.516865944862367 +3.73588118611982,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.171589986123937,2.7548787593841553,2.850596010684967,1.7058272881710783,5.382607901349981,6.516865944862367 +3.4234187688286366,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.171589986123937,2.7548787593841553,2.850596010684967,1.7058272881710783,5.382607901349981,6.516865944862367 +3.440298326176248,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.171589986123937,2.7548787593841553,2.850596010684967,1.7058272881710783,5.382607901349981,6.516865944862367 +3.3378146049615585,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.171589986123937,2.7548787593841553,2.850596010684967,1.7058272881710783,5.382607901349981,6.516865944862367 +3.3605895318286985,2.6001151719308915,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6001151719308915,2.011358618736267,2.2126681059598923,0.8871267735958099,5.355868461284231,6.3018558025360125 +3.3690271442461954,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6001151719308915,2.011358618736267,2.2126681059598923,0.8871267735958099,5.355868461284231,6.3018558025360125 +3.648441701460826,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6001151719308915,2.011358618736267,2.2126681059598923,0.8871267735958099,5.355868461284231,6.3018558025360125 +3.295078050502037,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6001151719308915,2.011358618736267,2.2126681059598923,0.8871267735958099,5.355868461284231,6.3018558025360125 +3.425876096636057,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6001151719308915,2.011358618736267,2.2126681059598923,0.8871267735958099,5.355868461284231,6.3018558025360125 +3.164410663317693,3.0652217551114713,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0652217551114713,2.240184187889099,2.5251609534025192,1.143067865929705,6.209769614199375,7.392526340484619 +3.2996060309441466,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0652217551114713,2.240184187889099,2.5251609534025192,1.143067865929705,6.209769614199375,7.392526340484619 +3.3005735200486686,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0652217551114713,2.240184187889099,2.5251609534025192,1.143067865929705,6.209769614199375,7.392526340484619 +3.5295855288050677,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0652217551114713,2.240184187889099,2.5251609534025192,1.143067865929705,6.209769614199375,7.392526340484619 +3.4112418469237653,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,3.0652217551114713,2.240184187889099,2.5251609534025192,1.143067865929705,6.209769614199375,7.392526340484619 +3.6055991426502403,2.7656054965993193,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7656054965993193,2.2326070070266724,2.3923715353012085,1.17982047669431,5.120073080062866,6.263182282447815 +3.507683624287969,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7656054965993193,2.2326070070266724,2.3923715353012085,1.17982047669431,5.120073080062866,6.263182282447815 +3.921543170276441,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7656054965993193,2.2326070070266724,2.3923715353012085,1.17982047669431,5.120073080062866,6.263182282447815 +3.517334399019417,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7656054965993193,2.2326070070266724,2.3923715353012085,1.17982047669431,5.120073080062866,6.263182282447815 +3.429663678141017,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7656054965993193,2.2326070070266724,2.3923715353012085,1.17982047669431,5.120073080062866,6.263182282447815 +3.3111387603180975,2.5991942886500916,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5991942886500916,2.1097456216812134,2.230218656361103,1.2564831937247134,4.7085088567530855,5.781439709663392 +3.5862831924698857,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5991942886500916,2.1097456216812134,2.230218656361103,1.2564831937247134,4.7085088567530855,5.781439709663392 +3.570717332825849,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5991942886500916,2.1097456216812134,2.230218656361103,1.2564831937247134,4.7085088567530855,5.781439709663392 +3.477489313620486,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5991942886500916,2.1097456216812134,2.230218656361103,1.2564831937247134,4.7085088567530855,5.781439709663392 +3.373351160044733,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5991942886500916,2.1097456216812134,2.230218656361103,1.2564831937247134,4.7085088567530855,5.781439709663392 +3.3343837996258547,2.7099070773717573,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7099070773717573,2.388883352279663,2.4927020743489265,1.1187651371385188,4.813086945959863,5.522456192970277 +3.403483048944097,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7099070773717573,2.388883352279663,2.4927020743489265,1.1187651371385188,4.813086945959863,5.522456192970277 +3.6142250242201905,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7099070773717573,2.388883352279663,2.4927020743489265,1.1187651371385188,4.813086945959863,5.522456192970277 +3.469934575573394,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7099070773717573,2.388883352279663,2.4927020743489265,1.1187651371385188,4.813086945959863,5.522456192970277 +3.523517854492131,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.7099070773717573,2.388883352279663,2.4927020743489265,1.1187651371385188,4.813086945959863,5.522456192970277 +3.6229881769536356,2.3435667516227734,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3435667516227734,1.744953691959381,1.9321365654468536,0.6999922829105499,4.94353506412912,6.085296607017518 +3.315243114178118,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3435667516227734,1.744953691959381,1.9321365654468536,0.6999922829105499,4.94353506412912,6.085296607017518 +3.414945224496095,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3435667516227734,1.744953691959381,1.9321365654468536,0.6999922829105499,4.94353506412912,6.085296607017518 +3.485112831682751,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3435667516227734,1.744953691959381,1.9321365654468536,0.6999922829105499,4.94353506412912,6.085296607017518 +3.3741745490972934,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3435667516227734,1.744953691959381,1.9321365654468536,0.6999922829105499,4.94353506412912,6.085296607017518 +3.597932790023716,2.8411000027777034,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8411000027777034,2.620720148086548,2.6514976397156715,1.1663707187201113,4.934611356004756,5.881656289100649 +3.265184409641906,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8411000027777034,2.620720148086548,2.6514976397156715,1.1663707187201113,4.934611356004756,5.881656289100649 +3.3529267250511205,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8411000027777034,2.620720148086548,2.6514976397156715,1.1663707187201113,4.934611356004756,5.881656289100649 +3.4995849035680293,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8411000027777034,2.620720148086548,2.6514976397156715,1.1663707187201113,4.934611356004756,5.881656289100649 +3.3605849164096933,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8411000027777034,2.620720148086548,2.6514976397156715,1.1663707187201113,4.934611356004756,5.881656289100649 +3.3221323460732637,2.0384781367759754,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0384781367759754,1.3847972750663757,1.5815124996006489,0.47444341949960017,4.547144189794013,6.4809015035629285 +3.354674932576324,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0384781367759754,1.3847972750663757,1.5815124996006489,0.47444341949960017,4.547144189794013,6.4809015035629285 +3.3042311545657483,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0384781367759754,1.3847972750663757,1.5815124996006489,0.47444341949960017,4.547144189794013,6.4809015035629285 +3.130007851104203,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0384781367759754,1.3847972750663757,1.5815124996006489,0.47444341949960017,4.547144189794013,6.4809015035629285 +3.435677906125784,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.0384781367759754,1.3847972750663757,1.5815124996006489,0.47444341949960017,4.547144189794013,6.4809015035629285 +3.5033524137382446,2.131099107457285,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.131099107457285,1.6508943438529968,1.7932397834956646,0.6452910939746714,4.420867691648767,5.340456748008728 +3.3212098370061107,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.131099107457285,1.6508943438529968,1.7932397834956646,0.6452910939746714,4.420867691648767,5.340456748008728 +3.282949869569979,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.131099107457285,1.6508943438529968,1.7932397834956646,0.6452910939746714,4.420867691648767,5.340456748008728 +3.3840749106516963,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.131099107457285,1.6508943438529968,1.7932397834956646,0.6452910939746714,4.420867691648767,5.340456748008728 +3.670618442073464,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.131099107457285,1.6508943438529968,1.7932397834956646,0.6452910939746714,4.420867691648767,5.340456748008728 +3.8064174482893,2.3321248227928546,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3321248227928546,1.7681837677955627,1.9565739408135414,0.8928822247271843,4.641973891156785,5.48460476398468 +3.624188917228266,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3321248227928546,1.7681837677955627,1.9565739408135414,0.8928822247271843,4.641973891156785,5.48460476398468 +3.537182140703264,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3321248227928546,1.7681837677955627,1.9565739408135414,0.8928822247271843,4.641973891156785,5.48460476398468 +3.3600638199793664,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3321248227928546,1.7681837677955627,1.9565739408135414,0.8928822247271843,4.641973891156785,5.48460476398468 +3.5744045505006063,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.3321248227928546,1.7681837677955627,1.9565739408135414,0.8928822247271843,4.641973891156785,5.48460476398468 +3.40836754186373,2.8255578736041453,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8255578736041453,2.441198945045471,2.5555484667420387,1.1676230684239814,5.113451465647271,6.1071839094162 +3.393149765914208,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8255578736041453,2.441198945045471,2.5555484667420387,1.1676230684239814,5.113451465647271,6.1071839094162 +3.474934187649112,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8255578736041453,2.441198945045471,2.5555484667420387,1.1676230684239814,5.113451465647271,6.1071839094162 +3.834334600363907,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8255578736041453,2.441198945045471,2.5555484667420387,1.1676230684239814,5.113451465647271,6.1071839094162 +3.460488254812203,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.8255578736041453,2.441198945045471,2.5555484667420387,1.1676230684239814,5.113451465647271,6.1071839094162 +3.5859357173113446,2.402464772317004,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.402464772317004,1.8329620361328125,2.0177807584404945,1.0026558111322688,4.680926393955312,5.866979670524598 +3.424341742576737,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.402464772317004,1.8329620361328125,2.0177807584404945,1.0026558111322688,4.680926393955312,5.866979670524598 +3.561038130090425,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.402464772317004,1.8329620361328125,2.0177807584404945,1.0026558111322688,4.680926393955312,5.866979670524598 +3.3873949961834833,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.402464772317004,1.8329620361328125,2.0177807584404945,1.0026558111322688,4.680926393955312,5.866979670524598 +3.7152231575627077,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.402464772317004,1.8329620361328125,2.0177807584404945,1.0026558111322688,4.680926393955312,5.866979670524598 +3.4719899956136944,2.242930311313335,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.242930311313335,1.7976956963539124,1.9028495028614998,0.8522772655842152,4.409565311797122,5.314793372154237 +3.451185431586284,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.242930311313335,1.7976956963539124,1.9028495028614998,0.8522772655842152,4.409565311797122,5.314793372154237 +3.6594998654370245,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.242930311313335,1.7976956963539124,1.9028495028614998,0.8522772655842152,4.409565311797122,5.314793372154237 +3.3533394197296156,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.242930311313335,1.7976956963539124,1.9028495028614998,0.8522772655842152,4.409565311797122,5.314793372154237 +3.3453037645079586,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.242930311313335,1.7976956963539124,1.9028495028614998,0.8522772655842152,4.409565311797122,5.314793372154237 +3.487832712852641,2.2965775893089617,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2965775893089617,1.7979807257652283,1.9212303832173347,0.6684743267424563,4.84764223403119,5.981800866127015 +3.315460829711274,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2965775893089617,1.7979807257652283,1.9212303832173347,0.6684743267424563,4.84764223403119,5.981800866127015 +3.5585811737924815,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2965775893089617,1.7979807257652283,1.9212303832173347,0.6684743267424563,4.84764223403119,5.981800866127015 +3.4244476781863917,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2965775893089617,1.7979807257652283,1.9212303832173347,0.6684743267424563,4.84764223403119,5.981800866127015 +3.376305853653895,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.2965775893089617,1.7979807257652283,1.9212303832173347,0.6684743267424563,4.84764223403119,5.981800866127015 +3.488563287826745,2.5320790319683706,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5320790319683706,2.0643502473831177,2.2171174474060535,0.547173578054347,5.361880545920514,6.387103295326234 +3.4857274732307384,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5320790319683706,2.0643502473831177,2.2171174474060535,0.547173578054347,5.361880545920514,6.387103295326234 +3.5975313065867676,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5320790319683706,2.0643502473831177,2.2171174474060535,0.547173578054347,5.361880545920514,6.387103295326234 +3.2284030748237122,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5320790319683706,2.0643502473831177,2.2171174474060535,0.547173578054347,5.361880545920514,6.387103295326234 +3.365222440954102,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.5320790319683706,2.0643502473831177,2.2171174474060535,0.547173578054347,5.361880545920514,6.387103295326234 +3.454520223132874,2.887622340086927,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.887622340086927,2.4991830587387085,2.54922441393137,1.5548187424527837,4.90540792079682,5.806731629371644 +3.6541976607159565,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.887622340086927,2.4991830587387085,2.54922441393137,1.5548187424527837,4.90540792079682,5.806731629371644 +3.4634986832541856,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.887622340086927,2.4991830587387085,2.54922441393137,1.5548187424527837,4.90540792079682,5.806731629371644 +3.373739699921326,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.887622340086927,2.4991830587387085,2.54922441393137,1.5548187424527837,4.90540792079682,5.806731629371644 +3.4012558765317262,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.887622340086927,2.4991830587387085,2.54922441393137,1.5548187424527837,4.90540792079682,5.806731629371644 +3.555370825195783,2.6021684466841375,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6021684466841375,2.1586588621139526,2.255782164633274,0.9951119835072375,4.937895008858214,5.922546267509461 +3.6025781852242194,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6021684466841375,2.1586588621139526,2.255782164633274,0.9951119835072375,4.937895008858214,5.922546267509461 +3.4161673081940727,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6021684466841375,2.1586588621139526,2.255782164633274,0.9951119835072375,4.937895008858214,5.922546267509461 +3.395151712941496,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6021684466841375,2.1586588621139526,2.255782164633274,0.9951119835072375,4.937895008858214,5.922546267509461 +3.5372964817246326,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.6021684466841375,2.1586588621139526,2.255782164633274,0.9951119835072375,4.937895008858214,5.922546267509461 +3.411252286206735,2.573212993351069,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.573212993351069,2.31973659992218,2.302742086350918,1.0338365705089365,4.651090332802306,5.428680515289308 +3.3940641248304595,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.573212993351069,2.31973659992218,2.302742086350918,1.0338365705089365,4.651090332802306,5.428680515289308 +3.17511033674604,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.573212993351069,2.31973659992218,2.302742086350918,1.0338365705089365,4.651090332802306,5.428680515289308 +3.3848399953818635,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.573212993351069,2.31973659992218,2.302742086350918,1.0338365705089365,4.651090332802306,5.428680515289308 +3.556322277768662,0,2.038258459934212,1.488486647605896,1.6137501746416092,0.5039855151417407,4.4714062163170345,5.501242637634279,2.573212993351069,2.31973659992218,2.302742086350918,1.0338365705089365,4.651090332802306,5.428680515289308 +3.2078790284497174,1.9806314119870991,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085 +3.489906376835547,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085 +3.5502621570700095,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085 +3.446522788311306,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085 +3.469365098150937,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085 +3.608537913623609,2.6040952980042773,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.6040952980042773,2.1464505195617676,2.2453136295080185,0.9427084799142594,5.055983761523632,6.067036080360413 +3.285032434487029,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.6040952980042773,2.1464505195617676,2.2453136295080185,0.9427084799142594,5.055983761523632,6.067036080360413 +3.3967594522786766,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.6040952980042773,2.1464505195617676,2.2453136295080185,0.9427084799142594,5.055983761523632,6.067036080360413 +3.3107678571029715,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.6040952980042773,2.1464505195617676,2.2453136295080185,0.9427084799142594,5.055983761523632,6.067036080360413 +3.9485278555829275,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.6040952980042773,2.1464505195617676,2.2453136295080185,0.9427084799142594,5.055983761523632,6.067036080360413 +3.436396406532118,2.629688282318889,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.629688282318889,2.296669602394104,2.3913161382079124,0.8097104254238149,4.978132836362149,5.844984674453736 +3.631020739027544,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.629688282318889,2.296669602394104,2.3913161382079124,0.8097104254238149,4.978132836362149,5.844984674453736 +3.4739581375922026,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.629688282318889,2.296669602394104,2.3913161382079124,0.8097104254238149,4.978132836362149,5.844984674453736 +3.1753451698508703,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.629688282318889,2.296669602394104,2.3913161382079124,0.8097104254238149,4.978132836362149,5.844984674453736 +3.369443279465562,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.629688282318889,2.296669602394104,2.3913161382079124,0.8097104254238149,4.978132836362149,5.844984674453736 +3.3648961390123557,2.22931894235947,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.22931894235947,1.6860316395759583,1.8570423163473606,0.5406723803979285,4.73603301352643,5.884051489830018 +3.5888782178100787,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.22931894235947,1.6860316395759583,1.8570423163473606,0.5406723803979285,4.73603301352643,5.884051489830018 +3.1562611051099867,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.22931894235947,1.6860316395759583,1.8570423163473606,0.5406723803979285,4.73603301352643,5.884051489830018 +3.6414467160442943,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.22931894235947,1.6860316395759583,1.8570423163473606,0.5406723803979285,4.73603301352643,5.884051489830018 +3.1594752593848265,0,1.9806314119870991,1.5106410384178162,1.5992769002914429,0.40559176545827946,4.386730447728583,5.3158982515335085,2.22931894235947,1.6860316395759583,1.8570423163473606,0.5406723803979285,4.73603301352643,5.884051489830018 +3.3163283869624136,1.9457532142467322,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358 +3.329152835434989,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358 +3.4173137850275164,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358 +3.1212495718347397,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358 +3.4097213601399408,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358 +3.4293406873745353,2.2080231501938816,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2080231501938816,1.6183289885520935,1.793740376830101,0.9406358826350658,4.383279440250803,5.297372841835022 +3.428412812007101,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2080231501938816,1.6183289885520935,1.793740376830101,0.9406358826350658,4.383279440250803,5.297372841835022 +3.471822749156701,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2080231501938816,1.6183289885520935,1.793740376830101,0.9406358826350658,4.383279440250803,5.297372841835022 +3.5822362224326323,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2080231501938816,1.6183289885520935,1.793740376830101,0.9406358826350658,4.383279440250803,5.297372841835022 +3.5903540857332317,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2080231501938816,1.6183289885520935,1.793740376830101,0.9406358826350658,4.383279440250803,5.297372841835022 +3.4335701489134838,3.0283772526903356,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,3.0283772526903356,2.8176852464675903,2.8596533238887787,1.4456802733401035,4.9412969426905855,5.577121615409852 +3.6431072109035756,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,3.0283772526903356,2.8176852464675903,2.8596533238887787,1.4456802733401035,4.9412969426905855,5.577121615409852 +3.5077206627318733,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,3.0283772526903356,2.8176852464675903,2.8596533238887787,1.4456802733401035,4.9412969426905855,5.577121615409852 +3.4009800795073573,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,3.0283772526903356,2.8176852464675903,2.8596533238887787,1.4456802733401035,4.9412969426905855,5.577121615409852 +3.39863947743648,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,3.0283772526903356,2.8176852464675903,2.8596533238887787,1.4456802733401035,4.9412969426905855,5.577121615409852 +3.449937938702734,2.1581622911419007,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.1581622911419007,1.541794776916504,1.7331625819206238,0.5436754521537335,4.695273379062084,5.729143500328065 +3.4649863336039215,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.1581622911419007,1.541794776916504,1.7331625819206238,0.5436754521537335,4.695273379062084,5.729143500328065 +3.4099127498308293,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.1581622911419007,1.541794776916504,1.7331625819206238,0.5436754521537335,4.695273379062084,5.729143500328065 +3.6220167242774837,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.1581622911419007,1.541794776916504,1.7331625819206238,0.5436754521537335,4.695273379062084,5.729143500328065 +3.412017085285563,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.1581622911419007,1.541794776916504,1.7331625819206238,0.5436754521537335,4.695273379062084,5.729143500328065 +3.364000349295767,2.2074208975313825,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2074208975313825,1.5907161831855774,1.7845955677330494,0.6253645175949056,4.796337269722147,5.890458965301514 +3.5716736469613877,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2074208975313825,1.5907161831855774,1.7845955677330494,0.6253645175949056,4.796337269722147,5.890458965301514 +3.325447930709312,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2074208975313825,1.5907161831855774,1.7845955677330494,0.6253645175949056,4.796337269722147,5.890458965301514 +3.556966049929983,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2074208975313825,1.5907161831855774,1.7845955677330494,0.6253645175949056,4.796337269722147,5.890458965301514 +3.248423912219311,0,1.9457532142467322,1.330007553100586,1.4798313975334167,0.4454550123278131,4.434800016119125,6.037897276878358,2.2074208975313825,1.5907161831855774,1.7845955677330494,0.6253645175949056,4.796337269722147,5.890458965301514 +3.0895784796852817,1.914888660918842,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357 +3.314125297571483,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357 +3.4884353295752875,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357 +3.584500075680645,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357 +3.179259873887426,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357 +3.341493301975884,2.283644520657811,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.283644520657811,1.6879429817199707,1.8032574653625488,0.5625961795449257,4.864657234638296,6.259634280204773 +3.4465971699670743,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.283644520657811,1.6879429817199707,1.8032574653625488,0.5625961795449257,4.864657234638296,6.259634280204773 +3.7169672618963214,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.283644520657811,1.6879429817199707,1.8032574653625488,0.5625961795449257,4.864657234638296,6.259634280204773 +3.525115835137273,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.283644520657811,1.6879429817199707,1.8032574653625488,0.5625961795449257,4.864657234638296,6.259634280204773 +3.394633417439304,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.283644520657811,1.6879429817199707,1.8032574653625488,0.5625961795449257,4.864657234638296,6.259634280204773 +3.3905113719403746,2.2138204201263316,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2138204201263316,1.648389756679535,1.855354156345129,0.5687217880436715,4.709297022920974,5.983534121513369 +3.3498797850781363,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2138204201263316,1.648389756679535,1.855354156345129,0.5687217880436715,4.709297022920974,5.983534121513369 +3.4974859863715735,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2138204201263316,1.648389756679535,1.855354156345129,0.5687217880436715,4.709297022920974,5.983534121513369 +3.282305865597568,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2138204201263316,1.648389756679535,1.855354156345129,0.5687217880436715,4.709297022920974,5.983534121513369 +3.3542201044528106,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2138204201263316,1.648389756679535,1.855354156345129,0.5687217880436715,4.709297022920974,5.983534121513369 +3.3383859528914877,3.722593683511653,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.722593683511653,3.458277702331543,3.538093328475952,2.017837019676858,5.887399277788528,6.597378969192505 +3.24038531480259,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.722593683511653,3.458277702331543,3.538093328475952,2.017837019676858,5.887399277788528,6.597378969192505 +3.293311108452709,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.722593683511653,3.458277702331543,3.538093328475952,2.017837019676858,5.887399277788528,6.597378969192505 +3.3668153738701028,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.722593683511653,3.458277702331543,3.538093328475952,2.017837019676858,5.887399277788528,6.597378969192505 +3.409872595730581,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.722593683511653,3.458277702331543,3.538093328475952,2.017837019676858,5.887399277788528,6.597378969192505 +3.616778605843061,2.003052731341821,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.003052731341821,1.3635865449905396,1.5775787755846977,0.5173290874412719,4.399861843027967,5.409262084960938 +3.482738410799127,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.003052731341821,1.3635865449905396,1.5775787755846977,0.5173290874412719,4.399861843027967,5.409262084960938 +3.4414177550885237,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.003052731341821,1.3635865449905396,1.5775787755846977,0.5173290874412719,4.399861843027967,5.409262084960938 +3.4734245865360687,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.003052731341821,1.3635865449905396,1.5775787755846977,0.5173290874412719,4.399861843027967,5.409262084960938 +3.6925766145516383,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.003052731341821,1.3635865449905396,1.5775787755846977,0.5173290874412719,4.399861843027967,5.409262084960938 +3.4862768250076392,2.2359852086197822,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2359852086197822,1.6672940850257874,1.8591602146625519,0.7486647440397993,4.648372528400827,5.7312235116958625 +3.800706931203604,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2359852086197822,1.6672940850257874,1.8591602146625519,0.7486647440397993,4.648372528400827,5.7312235116958625 +3.084673593448181,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2359852086197822,1.6672940850257874,1.8591602146625519,0.7486647440397993,4.648372528400827,5.7312235116958625 +3.5013762845020544,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2359852086197822,1.6672940850257874,1.8591602146625519,0.7486647440397993,4.648372528400827,5.7312235116958625 +3.477340533505929,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2359852086197822,1.6672940850257874,1.8591602146625519,0.7486647440397993,4.648372528400827,5.7312235116958625 +3.133432347954888,2.901767260692221,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.901767260692221,2.507802128791809,2.5915665701031685,1.3773706942162616,5.137880680408884,6.060164213180544 +3.2714912300831394,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.901767260692221,2.507802128791809,2.5915665701031685,1.3773706942162616,5.137880680408884,6.060164213180544 +3.432732069041384,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.901767260692221,2.507802128791809,2.5915665701031685,1.3773706942162616,5.137880680408884,6.060164213180544 +3.331465679211052,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.901767260692221,2.507802128791809,2.5915665701031685,1.3773706942162616,5.137880680408884,6.060164213180544 +3.355033406634864,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.901767260692221,2.507802128791809,2.5915665701031685,1.3773706942162616,5.137880680408884,6.060164213180544 +3.3690377489124472,2.398001149217499,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.398001149217499,1.964730978012085,2.0699763745069504,0.7106211296421416,4.788626320818637,6.05363326072693 +3.3058480302362065,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.398001149217499,1.964730978012085,2.0699763745069504,0.7106211296421416,4.788626320818637,6.05363326072693 +3.442983679100871,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.398001149217499,1.964730978012085,2.0699763745069504,0.7106211296421416,4.788626320818637,6.05363326072693 +3.2653182799878873,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.398001149217499,1.964730978012085,2.0699763745069504,0.7106211296421416,4.788626320818637,6.05363326072693 +3.684450433226792,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.398001149217499,1.964730978012085,2.0699763745069504,0.7106211296421416,4.788626320818637,6.05363326072693 +3.1104006827857935,2.5198016128641494,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5198016128641494,2.0340510606765747,2.1520876437425613,1.1903250623256603,4.661494574648269,5.565982460975647 +3.313815209151883,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5198016128641494,2.0340510606765747,2.1520876437425613,1.1903250623256603,4.661494574648269,5.565982460975647 +3.4027275337200416,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5198016128641494,2.0340510606765747,2.1520876437425613,1.1903250623256603,4.661494574648269,5.565982460975647 +3.579444320519504,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5198016128641494,2.0340510606765747,2.1520876437425613,1.1903250623256603,4.661494574648269,5.565982460975647 +3.382523046571173,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5198016128641494,2.0340510606765747,2.1520876437425613,1.1903250623256603,4.661494574648269,5.565982460975647 +3.3731629285569253,2.4517075203834695,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4517075203834695,1.9811395406723022,2.0881794169545174,0.9892093374374065,4.679073247503727,5.277780842781068 +3.237760907156687,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4517075203834695,1.9811395406723022,2.0881794169545174,0.9892093374374065,4.679073247503727,5.277780842781068 +3.14121607596937,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4517075203834695,1.9811395406723022,2.0881794169545174,0.9892093374374065,4.679073247503727,5.277780842781068 +3.4126522470657763,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4517075203834695,1.9811395406723022,2.0881794169545174,0.9892093374374065,4.679073247503727,5.277780842781068 +3.1418534859230642,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4517075203834695,1.9811395406723022,2.0881794169545174,0.9892093374374065,4.679073247503727,5.277780842781068 +3.2716969544558148,1.992398770605313,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.992398770605313,1.4250614643096924,1.5889927931129932,0.5333491717564299,4.381369073340234,5.331870555877686 +3.288861057613241,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.992398770605313,1.4250614643096924,1.5889927931129932,0.5333491717564299,4.381369073340234,5.331870555877686 +3.210257447138429,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.992398770605313,1.4250614643096924,1.5889927931129932,0.5333491717564299,4.381369073340234,5.331870555877686 +3.2479521325740377,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.992398770605313,1.4250614643096924,1.5889927931129932,0.5333491717564299,4.381369073340234,5.331870555877686 +3.3612272701177157,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.992398770605313,1.4250614643096924,1.5889927931129932,0.5333491717564299,4.381369073340234,5.331870555877686 +3.130602153194578,2.132947053562136,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.132947053562136,1.6331998705863953,1.7504625730216503,0.5278254501680111,4.663208525231544,5.835169792175294 +3.28941684814268,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.132947053562136,1.6331998705863953,1.7504625730216503,0.5278254501680111,4.663208525231544,5.835169792175294 +3.3263405680460365,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.132947053562136,1.6331998705863953,1.7504625730216503,0.5278254501680111,4.663208525231544,5.835169792175294 +3.76882169836838,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.132947053562136,1.6331998705863953,1.7504625730216503,0.5278254501680111,4.663208525231544,5.835169792175294 +3.3144417801381727,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.132947053562136,1.6331998705863953,1.7504625730216503,0.5278254501680111,4.663208525231544,5.835169792175294 +3.318993559675781,2.029036169832057,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.029036169832057,1.4292342066764832,1.5148367807269096,0.5555262407089802,4.545232488753948,6.441531157493593 +3.1973458746742263,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.029036169832057,1.4292342066764832,1.5148367807269096,0.5555262407089802,4.545232488753948,6.441531157493593 +3.2142415413731023,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.029036169832057,1.4292342066764832,1.5148367807269096,0.5555262407089802,4.545232488753948,6.441531157493593 +3.216073989240747,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.029036169832057,1.4292342066764832,1.5148367807269096,0.5555262407089802,4.545232488753948,6.441531157493593 +3.4377395609883887,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.029036169832057,1.4292342066764832,1.5148367807269096,0.5555262407089802,4.545232488753948,6.441531157493593 +3.115961274936011,2.2208443310191024,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2208443310191024,1.501025140285492,1.7624068222939968,0.5442068998483901,4.934226188253849,6.066839933395386 +3.3028660929124607,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2208443310191024,1.501025140285492,1.7624068222939968,0.5442068998483901,4.934226188253849,6.066839933395386 +3.391256974284586,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2208443310191024,1.501025140285492,1.7624068222939968,0.5442068998483901,4.934226188253849,6.066839933395386 +3.291862039895434,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2208443310191024,1.501025140285492,1.7624068222939968,0.5442068998483901,4.934226188253849,6.066839933395386 +3.304279297433401,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2208443310191024,1.501025140285492,1.7624068222939968,0.5442068998483901,4.934226188253849,6.066839933395386 +3.250488779105638,3.342838729632662,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.342838729632662,2.8456121683120728,2.941546991467476,1.348447618332315,6.205806255340576,6.97072160243988 +3.389086505535402,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.342838729632662,2.8456121683120728,2.941546991467476,1.348447618332315,6.205806255340576,6.97072160243988 +3.5642515424442918,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.342838729632662,2.8456121683120728,2.941546991467476,1.348447618332315,6.205806255340576,6.97072160243988 +3.4711650739374913,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.342838729632662,2.8456121683120728,2.941546991467476,1.348447618332315,6.205806255340576,6.97072160243988 +3.2704099056359968,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.342838729632662,2.8456121683120728,2.941546991467476,1.348447618332315,6.205806255340576,6.97072160243988 +3.2083989125137267,1.932745587080717,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.932745587080717,1.4252049922943115,1.5526699423789978,0.49402346668091224,4.2222226021137645,5.435977983474736 +3.3015749426068446,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.932745587080717,1.4252049922943115,1.5526699423789978,0.49402346668091224,4.2222226021137645,5.435977983474736 +3.5720865627064518,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.932745587080717,1.4252049922943115,1.5526699423789978,0.49402346668091224,4.2222226021137645,5.435977983474736 +3.3544673408920826,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.932745587080717,1.4252049922943115,1.5526699423789978,0.49402346668091224,4.2222226021137645,5.435977983474736 +3.3921914348084674,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.932745587080717,1.4252049922943115,1.5526699423789978,0.49402346668091224,4.2222226021137645,5.435977983474736 +3.517908659655797,3.5459681213536163,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.5459681213536163,3.1846600770950317,3.288570001721382,2.0617447749097297,5.600131958088976,6.494059801101685 +3.624089985595722,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.5459681213536163,3.1846600770950317,3.288570001721382,2.0617447749097297,5.600131958088976,6.494059801101685 +3.2734250397666504,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.5459681213536163,3.1846600770950317,3.288570001721382,2.0617447749097297,5.600131958088976,6.494059801101685 +3.5868386060979804,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.5459681213536163,3.1846600770950317,3.288570001721382,2.0617447749097297,5.600131958088976,6.494059801101685 +3.543231517194133,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.5459681213536163,3.1846600770950317,3.288570001721382,2.0617447749097297,5.600131958088976,6.494059801101685 +3.302752115616673,3.246365794793088,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.246365794793088,2.7779725790023804,2.8711784929037094,1.3826724912257904,5.864813479971378,6.821411895751954 +3.593718983879999,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.246365794793088,2.7779725790023804,2.8711784929037094,1.3826724912257904,5.864813479971378,6.821411895751954 +3.6489946172817755,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.246365794793088,2.7779725790023804,2.8711784929037094,1.3826724912257904,5.864813479971378,6.821411895751954 +3.425627540169578,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.246365794793088,2.7779725790023804,2.8711784929037094,1.3826724912257904,5.864813479971378,6.821411895751954 +3.5515276174208052,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,3.246365794793088,2.7779725790023804,2.8711784929037094,1.3826724912257904,5.864813479971378,6.821411895751954 +3.6656302392482756,2.386113002262217,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.386113002262217,1.92818284034729,2.0118074268102646,0.9919260245688418,4.552940277343101,5.583045268058777 +3.353460574581435,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.386113002262217,1.92818284034729,2.0118074268102646,0.9919260245688418,4.552940277343101,5.583045268058777 +3.401483492670875,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.386113002262217,1.92818284034729,2.0118074268102646,0.9919260245688418,4.552940277343101,5.583045268058777 +3.3971609969672403,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.386113002262217,1.92818284034729,2.0118074268102646,0.9919260245688418,4.552940277343101,5.583045268058777 +3.2842766988042156,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.386113002262217,1.92818284034729,2.0118074268102646,0.9919260245688418,4.552940277343101,5.583045268058777 +3.330590192699119,2.2271722291616047,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2271722291616047,1.6049413084983826,1.8290166445076466,0.6161312218359176,4.695491430607248,5.992212629318237 +3.596360077963848,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2271722291616047,1.6049413084983826,1.8290166445076466,0.6161312218359176,4.695491430607248,5.992212629318237 +3.1502724703009193,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2271722291616047,1.6049413084983826,1.8290166445076466,0.6161312218359176,4.695491430607248,5.992212629318237 +3.2486671623038617,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2271722291616047,1.6049413084983826,1.8290166445076466,0.6161312218359176,4.695491430607248,5.992212629318237 +3.290012579430875,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2271722291616047,1.6049413084983826,1.8290166445076466,0.6161312218359176,4.695491430607248,5.992212629318237 +3.4095152224365033,2.478275766556567,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.478275766556567,1.7161747217178345,1.9766608849167824,0.7231634531883483,5.2892266993827,6.032363486289979 +3.246858187568815,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.478275766556567,1.7161747217178345,1.9766608849167824,0.7231634531883483,5.2892266993827,6.032363486289979 +3.042709867950333,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.478275766556567,1.7161747217178345,1.9766608849167824,0.7231634531883483,5.2892266993827,6.032363486289979 +3.4716215296795494,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.478275766556567,1.7161747217178345,1.9766608849167824,0.7231634531883483,5.2892266993827,6.032363486289979 +3.206551138625333,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.478275766556567,1.7161747217178345,1.9766608849167824,0.7231634531883483,5.2892266993827,6.032363486289979 +3.132555690133258,2.1063006358974157,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1063006358974157,1.6332070231437683,1.7330978959798813,0.6557871016099098,4.3943323074503144,5.537181735038757 +3.164800756346238,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1063006358974157,1.6332070231437683,1.7330978959798813,0.6557871016099098,4.3943323074503144,5.537181735038757 +3.3454255381697102,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1063006358974157,1.6332070231437683,1.7330978959798813,0.6557871016099098,4.3943323074503144,5.537181735038757 +3.3417092191545588,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1063006358974157,1.6332070231437683,1.7330978959798813,0.6557871016099098,4.3943323074503144,5.537181735038757 +3.352627532458619,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1063006358974157,1.6332070231437683,1.7330978959798813,0.6557871016099098,4.3943323074503144,5.537181735038757 +3.3140962512869585,1.9846877060989117,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9846877060989117,1.3704405426979065,1.5190870836377144,0.5403770544427506,4.442728311457532,6.01606504917145 +3.664853874241051,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9846877060989117,1.3704405426979065,1.5190870836377144,0.5403770544427506,4.442728311457532,6.01606504917145 +3.4658709654290427,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9846877060989117,1.3704405426979065,1.5190870836377144,0.5403770544427506,4.442728311457532,6.01606504917145 +3.288993855389325,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9846877060989117,1.3704405426979065,1.5190870836377144,0.5403770544427506,4.442728311457532,6.01606504917145 +3.592911748705726,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9846877060989117,1.3704405426979065,1.5190870836377144,0.5403770544427506,4.442728311457532,6.01606504917145 +3.3635825392250953,2.1316093048675264,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1316093048675264,1.4449610710144043,1.5906044393777847,0.7251845474572892,4.697723657526868,6.59531171321869 +3.374148006658805,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1316093048675264,1.4449610710144043,1.5906044393777847,0.7251845474572892,4.697723657526868,6.59531171321869 +3.584144305673085,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1316093048675264,1.4449610710144043,1.5906044393777847,0.7251845474572892,4.697723657526868,6.59531171321869 +3.368387550723396,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1316093048675264,1.4449610710144043,1.5906044393777847,0.7251845474572892,4.697723657526868,6.59531171321869 +3.3765005629705755,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1316093048675264,1.4449610710144043,1.5906044393777847,0.7251845474572892,4.697723657526868,6.59531171321869 +3.3938578761721914,2.070249183460119,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.070249183460119,1.556002676486969,1.5945947729051113,0.5255322256620895,4.677356126460623,6.235552000999451 +3.197399019175454,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.070249183460119,1.556002676486969,1.5945947729051113,0.5255322256620895,4.677356126460623,6.235552000999451 +3.4134135948984246,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.070249183460119,1.556002676486969,1.5945947729051113,0.5255322256620895,4.677356126460623,6.235552000999451 +3.3714649695706993,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.070249183460119,1.556002676486969,1.5945947729051113,0.5255322256620895,4.677356126460623,6.235552000999451 +3.225111066902939,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.070249183460119,1.556002676486969,1.5945947729051113,0.5255322256620895,4.677356126460623,6.235552000999451 +3.269908813426369,2.1540907167611603,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1540907167611603,1.5456497073173523,1.7405793815851212,0.7201109780593121,4.495259660355588,5.694051289558411 +3.3207318856723997,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1540907167611603,1.5456497073173523,1.7405793815851212,0.7201109780593121,4.495259660355588,5.694051289558411 +3.3242831873854524,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1540907167611603,1.5456497073173523,1.7405793815851212,0.7201109780593121,4.495259660355588,5.694051289558411 +3.2023447593968166,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1540907167611603,1.5456497073173523,1.7405793815851212,0.7201109780593121,4.495259660355588,5.694051289558411 +3.3163296640311417,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1540907167611603,1.5456497073173523,1.7405793815851212,0.7201109780593121,4.495259660355588,5.694051289558411 +3.1336189320408985,1.9285619691252074,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9285619691252074,1.3924405574798584,1.5475438088178635,0.4585695842162092,4.2445063235911915,5.529163527488708 +3.5235906082548594,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9285619691252074,1.3924405574798584,1.5475438088178635,0.4585695842162092,4.2445063235911915,5.529163527488708 +3.417118741866005,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9285619691252074,1.3924405574798584,1.5475438088178635,0.4585695842162092,4.2445063235911915,5.529163527488708 +3.307260256201813,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9285619691252074,1.3924405574798584,1.5475438088178635,0.4585695842162092,4.2445063235911915,5.529163527488708 +3.4020965431473758,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,1.9285619691252074,1.3924405574798584,1.5475438088178635,0.4585695842162092,4.2445063235911915,5.529163527488708 +3.4622129378742295,2.5910632891303047,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5910632891303047,2.163950800895691,2.2617655768990517,0.8975286238054012,5.087129552313622,6.7215256690979 +3.051905640097041,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5910632891303047,2.163950800895691,2.2617655768990517,0.8975286238054012,5.087129552313622,6.7215256690979 +3.0775296797485727,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5910632891303047,2.163950800895691,2.2617655768990517,0.8975286238054012,5.087129552313622,6.7215256690979 +3.280994547099659,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5910632891303047,2.163950800895691,2.2617655768990517,0.8975286238054012,5.087129552313622,6.7215256690979 +3.227859737998561,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5910632891303047,2.163950800895691,2.2617655768990517,0.8975286238054012,5.087129552313622,6.7215256690979 +3.363604622216601,2.0506805307132767,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0506805307132767,1.383736789226532,1.5639512687921524,0.42751804136849464,4.758858011123982,6.520607995986939 +3.5457075985834785,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0506805307132767,1.383736789226532,1.5639512687921524,0.42751804136849464,4.758858011123982,6.520607995986939 +3.342208721900457,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0506805307132767,1.383736789226532,1.5639512687921524,0.42751804136849464,4.758858011123982,6.520607995986939 +3.293198085105733,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0506805307132767,1.383736789226532,1.5639512687921524,0.42751804136849464,4.758858011123982,6.520607995986939 +3.401992883297958,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0506805307132767,1.383736789226532,1.5639512687921524,0.42751804136849464,4.758858011123982,6.520607995986939 +3.3724076073028537,2.470406505497212,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.470406505497212,2.0575191974639893,2.1777888759970665,1.0329661870256384,4.666893253935144,5.779804301261901 +3.2881654678206695,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.470406505497212,2.0575191974639893,2.1777888759970665,1.0329661870256384,4.666893253935144,5.779804301261901 +3.4568981718664107,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.470406505497212,2.0575191974639893,2.1777888759970665,1.0329661870256384,4.666893253935144,5.779804301261901 +3.1668997562049253,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.470406505497212,2.0575191974639893,2.1777888759970665,1.0329661870256384,4.666893253935144,5.779804301261901 +3.20375072242398,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.470406505497212,2.0575191974639893,2.1777888759970665,1.0329661870256384,4.666893253935144,5.779804301261901 +3.5341857662326412,2.1763323683370936,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1763323683370936,1.8115174174308777,1.9147431552410126,0.7463342832758072,4.252675487640056,4.933735322952271 +3.6087287487560196,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1763323683370936,1.8115174174308777,1.9147431552410126,0.7463342832758072,4.252675487640056,4.933735322952271 +3.23334788329115,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1763323683370936,1.8115174174308777,1.9147431552410126,0.7463342832758072,4.252675487640056,4.933735322952271 +3.158711397608644,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1763323683370936,1.8115174174308777,1.9147431552410126,0.7463342832758072,4.252675487640056,4.933735322952271 +3.153542826442342,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1763323683370936,1.8115174174308777,1.9147431552410126,0.7463342832758072,4.252675487640056,4.933735322952271 +3.326654896453807,2.0016317296614674,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0016317296614674,1.4499913454055786,1.584038432687521,0.5298932621136625,4.398171125574315,5.784124064445496 +3.3393269960033267,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0016317296614674,1.4499913454055786,1.584038432687521,0.5298932621136625,4.398171125574315,5.784124064445496 +3.5787173337450153,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0016317296614674,1.4499913454055786,1.584038432687521,0.5298932621136625,4.398171125574315,5.784124064445496 +3.3404580538014046,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0016317296614674,1.4499913454055786,1.584038432687521,0.5298932621136625,4.398171125574315,5.784124064445496 +3.264401352327121,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0016317296614674,1.4499913454055786,1.584038432687521,0.5298932621136625,4.398171125574315,5.784124064445496 +3.364098175654286,2.5030325805332434,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5030325805332434,1.9560447335243225,2.076144367456436,0.7869068924733933,5.020584831846521,6.090443110466004 +3.1692374383932664,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5030325805332434,1.9560447335243225,2.076144367456436,0.7869068924733933,5.020584831846521,6.090443110466004 +3.062941560894251,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5030325805332434,1.9560447335243225,2.076144367456436,0.7869068924733933,5.020584831846521,6.090443110466004 +3.3399235490513477,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5030325805332434,1.9560447335243225,2.076144367456436,0.7869068924733933,5.020584831846521,6.090443110466004 +3.3561620588365355,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.5030325805332434,1.9560447335243225,2.076144367456436,0.7869068924733933,5.020584831846521,6.090443110466004 +3.211632929095312,2.449047523808289,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.449047523808289,1.9319596886634827,2.056501343846321,0.930830456633517,4.895477746395355,6.01516273021698 +3.1648805084981415,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.449047523808289,1.9319596886634827,2.056501343846321,0.930830456633517,4.895477746395355,6.01516273021698 +3.2985765739295045,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.449047523808289,1.9319596886634827,2.056501343846321,0.930830456633517,4.895477746395355,6.01516273021698 +3.249601140245795,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.449047523808289,1.9319596886634827,2.056501343846321,0.930830456633517,4.895477746395355,6.01516273021698 +3.196940425665755,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.449047523808289,1.9319596886634827,2.056501343846321,0.930830456633517,4.895477746395355,6.01516273021698 +3.3327105810963795,2.2030903610618826,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2030903610618826,1.711033046245575,1.8737351782619953,0.6761252585243671,4.578609618734806,5.337415671348572 +3.3201360381943616,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2030903610618826,1.711033046245575,1.8737351782619953,0.6761252585243671,4.578609618734806,5.337415671348572 +3.32665574811399,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2030903610618826,1.711033046245575,1.8737351782619953,0.6761252585243671,4.578609618734806,5.337415671348572 +3.3648807256629594,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2030903610618826,1.711033046245575,1.8737351782619953,0.6761252585243671,4.578609618734806,5.337415671348572 +3.0279010039803227,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.2030903610618826,1.711033046245575,1.8737351782619953,0.6761252585243671,4.578609618734806,5.337415671348572 +3.56529627612939,2.0632618759620063,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0632618759620063,1.5002251863479614,1.6829434484243393,0.4904579084287298,4.5432961037818425,5.511045265197755 +3.2530341989115663,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0632618759620063,1.5002251863479614,1.6829434484243393,0.4904579084287298,4.5432961037818425,5.511045265197755 +3.2359691400276986,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0632618759620063,1.5002251863479614,1.6829434484243393,0.4904579084287298,4.5432961037818425,5.511045265197755 +3.3697915377389442,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0632618759620063,1.5002251863479614,1.6829434484243393,0.4904579084287298,4.5432961037818425,5.511045265197755 +3.196965845438995,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.0632618759620063,1.5002251863479614,1.6829434484243393,0.4904579084287298,4.5432961037818425,5.511045265197755 +3.5837748082060563,2.314302385328932,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.314302385328932,1.6320031881332397,1.850775346159935,0.6335974836603124,5.133019812563632,6.4728944301605225 +3.2241198027604505,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.314302385328932,1.6320031881332397,1.850775346159935,0.6335974836603124,5.133019812563632,6.4728944301605225 +3.6125842475381336,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.314302385328932,1.6320031881332397,1.850775346159935,0.6335974836603124,5.133019812563632,6.4728944301605225 +3.219142936601451,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.314302385328932,1.6320031881332397,1.850775346159935,0.6335974836603124,5.133019812563632,6.4728944301605225 +3.483081158858381,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.314302385328932,1.6320031881332397,1.850775346159935,0.6335974836603124,5.133019812563632,6.4728944301605225 +3.4785623517867768,2.1022943842442747,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1022943842442747,1.5643328428268433,1.6792250871658325,0.7014466527294605,4.474593796628587,5.859933614730835 +3.2723409084505155,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1022943842442747,1.5643328428268433,1.6792250871658325,0.7014466527294605,4.474593796628587,5.859933614730835 +3.2660472705960273,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1022943842442747,1.5643328428268433,1.6792250871658325,0.7014466527294605,4.474593796628587,5.859933614730835 +3.184186515976724,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1022943842442747,1.5643328428268433,1.6792250871658325,0.7014466527294605,4.474593796628587,5.859933614730835 +3.263676463204779,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1022943842442747,1.5643328428268433,1.6792250871658325,0.7014466527294605,4.474593796628587,5.859933614730835 +3.115055165733946,2.530325081278669,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.530325081278669,1.712293565273285,1.954500824213028,0.6459672051541349,5.57752163866733,7.12166702747345 +3.259886747245726,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.530325081278669,1.712293565273285,1.954500824213028,0.6459672051541349,5.57752163866733,7.12166702747345 +3.354406079257789,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.530325081278669,1.712293565273285,1.954500824213028,0.6459672051541349,5.57752163866733,7.12166702747345 +3.196171085810975,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.530325081278669,1.712293565273285,1.954500824213028,0.6459672051541349,5.57752163866733,7.12166702747345 +3.264536977951464,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.530325081278669,1.712293565273285,1.954500824213028,0.6459672051541349,5.57752163866733,7.12166702747345 +3.5286968397858898,2.1764786097201263,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1764786097201263,1.6558733582496643,1.7738347426056862,0.6426695165164927,4.643301375368808,6.055380868911744 +3.052143802827126,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1764786097201263,1.6558733582496643,1.7738347426056862,0.6426695165164927,4.643301375368808,6.055380868911744 +3.373231080096019,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1764786097201263,1.6558733582496643,1.7738347426056862,0.6426695165164927,4.643301375368808,6.055380868911744 +3.528599655216462,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1764786097201263,1.6558733582496643,1.7738347426056862,0.6426695165164927,4.643301375368808,6.055380868911744 +3.1975107722376523,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.1764786097201263,1.6558733582496643,1.7738347426056862,0.6426695165164927,4.643301375368808,6.055380868911744 +3.3745283362112546,2.119655019029024,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.119655019029024,1.5465500354766846,1.7420623451471329,0.5174542535492714,4.596192907779775,5.976709723472595 +3.5015980768164523,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.119655019029024,1.5465500354766846,1.7420623451471329,0.5174542535492714,4.596192907779775,5.976709723472595 +3.4222153613049735,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.119655019029024,1.5465500354766846,1.7420623451471329,0.5174542535492714,4.596192907779775,5.976709723472595 +3.1514198834566693,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.119655019029024,1.5465500354766846,1.7420623451471329,0.5174542535492714,4.596192907779775,5.976709723472595 +3.6505450875155234,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.119655019029024,1.5465500354766846,1.7420623451471329,0.5174542535492714,4.596192907779775,5.976709723472595 +3.185701175994779,2.296535721801697,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.296535721801697,1.8399249911308289,1.9633664041757584,0.7131455464566008,4.584236150092267,5.745502471923828 +3.458627016763938,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.296535721801697,1.8399249911308289,1.9633664041757584,0.7131455464566008,4.584236150092267,5.745502471923828 +3.328650130096235,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.296535721801697,1.8399249911308289,1.9633664041757584,0.7131455464566008,4.584236150092267,5.745502471923828 +3.5149855929181766,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.296535721801697,1.8399249911308289,1.9633664041757584,0.7131455464566008,4.584236150092267,5.745502471923828 +3.1555374036494053,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.296535721801697,1.8399249911308289,1.9633664041757584,0.7131455464566008,4.584236150092267,5.745502471923828 +3.127780990537844,2.07658600545627,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.07658600545627,1.5452830791473389,1.5888080708682537,0.4228355323380612,4.838410636211964,6.693586993217469 +3.1126153300859425,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.07658600545627,1.5452830791473389,1.5888080708682537,0.4228355323380612,4.838410636211964,6.693586993217469 +3.5059695435393796,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.07658600545627,1.5452830791473389,1.5888080708682537,0.4228355323380612,4.838410636211964,6.693586993217469 +3.1921450398666296,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.07658600545627,1.5452830791473389,1.5888080708682537,0.4228355323380612,4.838410636211964,6.693586993217469 +3.2277822401962784,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.07658600545627,1.5452830791473389,1.5888080708682537,0.4228355323380612,4.838410636211964,6.693586993217469 +3.2211556693244923,2.4006473258771797,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4006473258771797,1.713721752166748,1.9543270505964756,0.6115978049471024,5.124346246110632,6.434695291519166 +3.332548405837856,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4006473258771797,1.713721752166748,1.9543270505964756,0.6115978049471024,5.124346246110632,6.434695291519166 +3.330308101875217,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4006473258771797,1.713721752166748,1.9543270505964756,0.6115978049471024,5.124346246110632,6.434695291519166 +3.2606105163889496,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4006473258771797,1.713721752166748,1.9543270505964756,0.6115978049471024,5.124346246110632,6.434695291519166 +3.582651370920633,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.4006473258771797,1.713721752166748,1.9543270505964756,0.6115978049471024,5.124346246110632,6.434695291519166 +3.213522288830657,2.440445638083397,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.440445638083397,1.9333537817001343,2.102970138192177,1.0133096842055624,4.636215620852531,5.760318613052369 +3.4283540279457445,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.440445638083397,1.9333537817001343,2.102970138192177,1.0133096842055624,4.636215620852531,5.760318613052369 +3.329825417932711,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.440445638083397,1.9333537817001343,2.102970138192177,1.0133096842055624,4.636215620852531,5.760318613052369 +3.2679672659031653,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.440445638083397,1.9333537817001343,2.102970138192177,1.0133096842055624,4.636215620852531,5.760318613052369 +3.3308542782538817,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.440445638083397,1.9333537817001343,2.102970138192177,1.0133096842055624,4.636215620852531,5.760318613052369 +3.422045778522366,2.255392737329957,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.255392737329957,1.9595434069633484,1.9903605431318283,0.6877622025761199,4.450937742882586,5.478621602058411 +3.3186524005704805,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.255392737329957,1.9595434069633484,1.9903605431318283,0.6877622025761199,4.450937742882586,5.478621602058411 +3.119783230988603,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.255392737329957,1.9595434069633484,1.9903605431318283,0.6877622025761199,4.450937742882586,5.478621602058411 +3.306200105285174,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.255392737329957,1.9595434069633484,1.9903605431318283,0.6877622025761199,4.450937742882586,5.478621602058411 +3.529806293311872,0,1.914888660918842,1.2383525371551514,1.4852265939116478,0.45049639315681256,4.3243612888011524,5.518405961990357,2.255392737329957,1.9595434069633484,1.9903605431318283,0.6877622025761199,4.450937742882586,5.478621602058411 +3.394010929390788,1.9003417814903436,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827 +3.272815737206685,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827 +3.122314909806377,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827 +3.372018268645594,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827 +2.876283786720351,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827 +3.3237711628604876,2.973539933245233,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.973539933245233,2.8219919204711914,2.791599839925766,1.1183274527813525,5.247682449665476,5.799364113807679 +3.177957326056142,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.973539933245233,2.8219919204711914,2.791599839925766,1.1183274527813525,5.247682449665476,5.799364113807679 +3.2726948650847922,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.973539933245233,2.8219919204711914,2.791599839925766,1.1183274527813525,5.247682449665476,5.799364113807679 +3.1165403004931775,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.973539933245233,2.8219919204711914,2.791599839925766,1.1183274527813525,5.247682449665476,5.799364113807679 +3.385948506232939,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.973539933245233,2.8219919204711914,2.791599839925766,1.1183274527813525,5.247682449665476,5.799364113807679 +3.1739971831244858,2.3607893919057035,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3607893919057035,2.047268271446228,2.08189557492733,0.811696728493305,4.56276455331356,5.660469365119934 +3.3283533965678593,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3607893919057035,2.047268271446228,2.08189557492733,0.811696728493305,4.56276455331356,5.660469365119934 +3.299404027901198,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3607893919057035,2.047268271446228,2.08189557492733,0.811696728493305,4.56276455331356,5.660469365119934 +3.154091402986332,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3607893919057035,2.047268271446228,2.08189557492733,0.811696728493305,4.56276455331356,5.660469365119934 +2.76994803830197,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3607893919057035,2.047268271446228,2.08189557492733,0.811696728493305,4.56276455331356,5.660469365119934 +3.501330738102919,2.0479904090628978,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0479904090628978,1.4729211330413818,1.6445508375763893,0.5721367410522826,4.454681421848053,5.409731936454773 +3.35912638347792,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0479904090628978,1.4729211330413818,1.6445508375763893,0.5721367410522826,4.454681421848053,5.409731936454773 +3.24596064131903,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0479904090628978,1.4729211330413818,1.6445508375763893,0.5721367410522826,4.454681421848053,5.409731936454773 +3.3310420238658,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0479904090628978,1.4729211330413818,1.6445508375763893,0.5721367410522826,4.454681421848053,5.409731936454773 +3.1810736336206134,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0479904090628978,1.4729211330413818,1.6445508375763893,0.5721367410522826,4.454681421848053,5.409731936454773 +3.310577527982624,2.224635608613174,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.224635608613174,1.7490434646606445,1.8478029556572437,0.6469395235180855,4.572991026208756,5.2369811773300174 +3.348972651127138,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.224635608613174,1.7490434646606445,1.8478029556572437,0.6469395235180855,4.572991026208756,5.2369811773300174 +2.9962302452443463,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.224635608613174,1.7490434646606445,1.8478029556572437,0.6469395235180855,4.572991026208756,5.2369811773300174 +3.2180549128471236,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.224635608613174,1.7490434646606445,1.8478029556572437,0.6469395235180855,4.572991026208756,5.2369811773300174 +3.1618405205638784,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.224635608613174,1.7490434646606445,1.8478029556572437,0.6469395235180855,4.572991026208756,5.2369811773300174 +3.2821917447016427,2.4773030585431037,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.4773030585431037,1.997921109199524,2.115517571568489,1.0363320644865646,4.763809483102027,6.053927350044251 +3.2908477660464612,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.4773030585431037,1.997921109199524,2.115517571568489,1.0363320644865646,4.763809483102027,6.053927350044251 +3.659577460077248,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.4773030585431037,1.997921109199524,2.115517571568489,1.0363320644865646,4.763809483102027,6.053927350044251 +3.0705857250447335,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.4773030585431037,1.997921109199524,2.115517571568489,1.0363320644865646,4.763809483102027,6.053927350044251 +3.241525701472634,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.4773030585431037,1.997921109199524,2.115517571568489,1.0363320644865646,4.763809483102027,6.053927350044251 +3.212941349768325,2.0852050662754062,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0852050662754062,1.4720644354820251,1.6776352636516094,0.49266017957570707,4.558302914842646,5.723901653289795 +3.3730548975106918,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0852050662754062,1.4720644354820251,1.6776352636516094,0.49266017957570707,4.558302914842646,5.723901653289795 +3.292615789861271,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0852050662754062,1.4720644354820251,1.6776352636516094,0.49266017957570707,4.558302914842646,5.723901653289795 +3.066121433596862,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0852050662754062,1.4720644354820251,1.6776352636516094,0.49266017957570707,4.558302914842646,5.723901653289795 +3.4660617144876404,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0852050662754062,1.4720644354820251,1.6776352636516094,0.49266017957570707,4.558302914842646,5.723901653289795 +3.3126618175914415,2.1760744095403464,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1760744095403464,1.667182981967926,1.8065834864974022,0.6381323101355675,4.599774380947681,5.564522099494936 +3.323306650668383,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1760744095403464,1.667182981967926,1.8065834864974022,0.6381323101355675,4.599774380947681,5.564522099494936 +3.192283417794265,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1760744095403464,1.667182981967926,1.8065834864974022,0.6381323101355675,4.599774380947681,5.564522099494936 +3.2449111025192234,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1760744095403464,1.667182981967926,1.8065834864974022,0.6381323101355675,4.599774380947681,5.564522099494936 +3.1753229548076267,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1760744095403464,1.667182981967926,1.8065834864974022,0.6381323101355675,4.599774380947681,5.564522099494936 +3.202097359182019,2.539371785410541,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.539371785410541,2.1087650060653687,2.2033320888876915,1.1311356339682923,4.695518945125824,5.375038933753968 +3.4942177588218137,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.539371785410541,2.1087650060653687,2.2033320888876915,1.1311356339682923,4.695518945125824,5.375038933753968 +3.4136431476003244,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.539371785410541,2.1087650060653687,2.2033320888876915,1.1311356339682923,4.695518945125824,5.375038933753968 +3.2336469168333632,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.539371785410541,2.1087650060653687,2.2033320888876915,1.1311356339682923,4.695518945125824,5.375038933753968 +3.2100811384618284,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.539371785410541,2.1087650060653687,2.2033320888876915,1.1311356339682923,4.695518945125824,5.375038933753968 +3.230211673637754,2.1766475691915828,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1766475691915828,1.6767723560333252,1.8116075694561005,0.6257713192954977,4.569467625719436,5.500166606903078 +3.4340033984694043,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1766475691915828,1.6767723560333252,1.8116075694561005,0.6257713192954977,4.569467625719436,5.500166606903078 +3.2187688555764526,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1766475691915828,1.6767723560333252,1.8116075694561005,0.6257713192954977,4.569467625719436,5.500166606903078 +3.0702104665338994,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1766475691915828,1.6767723560333252,1.8116075694561005,0.6257713192954977,4.569467625719436,5.500166606903078 +3.012414401691211,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1766475691915828,1.6767723560333252,1.8116075694561005,0.6257713192954977,4.569467625719436,5.500166606903078 +3.2973399521881026,2.1379323671472834,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1379323671472834,1.5191469192504883,1.6996434107422829,0.47209045227537766,4.677000690013804,5.50726547241211 +3.1914064235593145,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1379323671472834,1.5191469192504883,1.6996434107422829,0.47209045227537766,4.677000690013804,5.50726547241211 +3.373400666564703,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1379323671472834,1.5191469192504883,1.6996434107422829,0.47209045227537766,4.677000690013804,5.50726547241211 +3.1576777002529095,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1379323671472834,1.5191469192504883,1.6996434107422829,0.47209045227537766,4.677000690013804,5.50726547241211 +3.3784702808057006,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1379323671472834,1.5191469192504883,1.6996434107422829,0.47209045227537766,4.677000690013804,5.50726547241211 +3.139951564548047,3.189330599647253,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,3.189330599647253,3.0070905685424805,3.0114631056785583,1.271540105025819,5.374441917906416,6.085231995582582 +3.1955443043065697,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,3.189330599647253,3.0070905685424805,3.0114631056785583,1.271540105025819,5.374441917906416,6.085231995582582 +3.300888104658378,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,3.189330599647253,3.0070905685424805,3.0114631056785583,1.271540105025819,5.374441917906416,6.085231995582582 +3.2885436708205624,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,3.189330599647253,3.0070905685424805,3.0114631056785583,1.271540105025819,5.374441917906416,6.085231995582582 +3.1203986742974896,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,3.189330599647253,3.0070905685424805,3.0114631056785583,1.271540105025819,5.374441917906416,6.085231995582582 +3.2196362435033445,2.2822106020881776,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.2822106020881776,1.8009721636772156,1.9550504609942436,0.6618736132662347,4.78688533762668,5.785823369026184 +3.4854873382731486,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.2822106020881776,1.8009721636772156,1.9550504609942436,0.6618736132662347,4.78688533762668,5.785823369026184 +3.3904154526755996,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.2822106020881776,1.8009721636772156,1.9550504609942436,0.6618736132662347,4.78688533762668,5.785823369026184 +3.6198886787420825,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.2822106020881776,1.8009721636772156,1.9550504609942436,0.6618736132662347,4.78688533762668,5.785823369026184 +3.084814033500458,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.2822106020881776,1.8009721636772156,1.9550504609942436,0.6618736132662347,4.78688533762668,5.785823369026184 +3.2962623449728676,2.615192270659386,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.615192270659386,2.1162021160125732,2.2701777890324593,1.1019431352615356,4.892738580703735,5.686821341514592 +3.1809091601716846,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.615192270659386,2.1162021160125732,2.2701777890324593,1.1019431352615356,4.892738580703735,5.686821341514592 +3.4019594342300765,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.615192270659386,2.1162021160125732,2.2701777890324593,1.1019431352615356,4.892738580703735,5.686821341514592 +3.258979320447696,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.615192270659386,2.1162021160125732,2.2701777890324593,1.1019431352615356,4.892738580703735,5.686821341514592 +3.0493326722987386,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.615192270659386,2.1162021160125732,2.2701777890324593,1.1019431352615356,4.892738580703735,5.686821341514592 +3.1133330667489454,2.113122534046465,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.113122534046465,1.6009548902511597,1.7445334270596504,0.5214915432511492,4.556483872393344,5.906337714195253 +3.38442764352811,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.113122534046465,1.6009548902511597,1.7445334270596504,0.5214915432511492,4.556483872393344,5.906337714195253 +3.3969443324953317,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.113122534046465,1.6009548902511597,1.7445334270596504,0.5214915432511492,4.556483872393344,5.906337714195253 +3.094037653584229,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.113122534046465,1.6009548902511597,1.7445334270596504,0.5214915432511492,4.556483872393344,5.906337714195253 +3.3010481022102267,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.113122534046465,1.6009548902511597,1.7445334270596504,0.5214915432511492,4.556483872393344,5.906337714195253 +3.3475700723301425,2.3163020684918822,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3163020684918822,1.7984739542007446,1.9122771844267845,0.6025263976226461,4.8111671539063146,5.916510367393494 +3.2645126482765927,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3163020684918822,1.7984739542007446,1.9122771844267845,0.6025263976226461,4.8111671539063146,5.916510367393494 +3.2826623015693928,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3163020684918822,1.7984739542007446,1.9122771844267845,0.6025263976226461,4.8111671539063146,5.916510367393494 +3.2174619475869757,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3163020684918822,1.7984739542007446,1.9122771844267845,0.6025263976226461,4.8111671539063146,5.916510367393494 +3.1095435417600368,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3163020684918822,1.7984739542007446,1.9122771844267845,0.6025263976226461,4.8111671539063146,5.916510367393494 +3.3046631219355684,2.0259423914979746,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0259423914979746,1.4492250680923462,1.5760400220751762,0.5132739529647725,4.482935798929093,6.070495533943177 +3.0930840649494997,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0259423914979746,1.4492250680923462,1.5760400220751762,0.5132739529647725,4.482935798929093,6.070495533943177 +3.278644909533231,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0259423914979746,1.4492250680923462,1.5760400220751762,0.5132739529647725,4.482935798929093,6.070495533943177 +3.2022360142124326,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0259423914979746,1.4492250680923462,1.5760400220751762,0.5132739529647725,4.482935798929093,6.070495533943177 +3.3947868683424436,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.0259423914979746,1.4492250680923462,1.5760400220751762,0.5132739529647725,4.482935798929093,6.070495533943177 +3.181135175984941,2.596901337992638,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.596901337992638,2.3258678913116455,2.3754032030701637,1.073167046967973,4.692041407240198,5.675450706481934 +3.0807919451476713,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.596901337992638,2.3258678913116455,2.3754032030701637,1.073167046967973,4.692041407240198,5.675450706481934 +3.249624776016725,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.596901337992638,2.3258678913116455,2.3754032030701637,1.073167046967973,4.692041407240198,5.675450706481934 +3.3010790674702117,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.596901337992638,2.3258678913116455,2.3754032030701637,1.073167046967973,4.692041407240198,5.675450706481934 +3.376319895096515,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.596901337992638,2.3258678913116455,2.3754032030701637,1.073167046967973,4.692041407240198,5.675450706481934 +3.4380796856001803,1.9619198102662538,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9619198102662538,1.427932858467102,1.5400646552443504,0.44115751743950743,4.521985297507428,5.942876434326173 +3.3403780806613597,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9619198102662538,1.427932858467102,1.5400646552443504,0.44115751743950743,4.521985297507428,5.942876434326173 +3.140140481783371,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9619198102662538,1.427932858467102,1.5400646552443504,0.44115751743950743,4.521985297507428,5.942876434326173 +3.0601494517177343,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9619198102662538,1.427932858467102,1.5400646552443504,0.44115751743950743,4.521985297507428,5.942876434326173 +3.3413125287545355,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,1.9619198102662538,1.427932858467102,1.5400646552443504,0.44115751743950743,4.521985297507428,5.942876434326173 +3.214214620543154,2.3729281263782624,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3729281263782624,1.9331449270248413,2.006605140864849,0.969403514202605,4.586838712083533,5.659763145446778 +3.3580671590997984,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3729281263782624,1.9331449270248413,2.006605140864849,0.969403514202605,4.586838712083533,5.659763145446778 +3.3397388597852307,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3729281263782624,1.9331449270248413,2.006605140864849,0.969403514202605,4.586838712083533,5.659763145446778 +3.2013565983819334,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3729281263782624,1.9331449270248413,2.006605140864849,0.969403514202605,4.586838712083533,5.659763145446778 +3.1287310708118112,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3729281263782624,1.9331449270248413,2.006605140864849,0.969403514202605,4.586838712083533,5.659763145446778 +3.243681756191348,2.1047703468022827,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1047703468022827,1.6652987003326416,1.6836530156433582,0.621374286077124,4.493765293283666,5.874521899223331 +3.3782351480110697,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1047703468022827,1.6652987003326416,1.6836530156433582,0.621374286077124,4.493765293283666,5.874521899223331 +3.1741216863848662,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1047703468022827,1.6652987003326416,1.6836530156433582,0.621374286077124,4.493765293283666,5.874521899223331 +3.451048028802401,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1047703468022827,1.6652987003326416,1.6836530156433582,0.621374286077124,4.493765293283666,5.874521899223331 +3.252648874744773,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.1047703468022827,1.6652987003326416,1.6836530156433582,0.621374286077124,4.493765293283666,5.874521899223331 +3.0254803006586277,2.3297742727272053,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3297742727272053,1.8464710116386414,1.9682163819670677,0.9031786924981057,4.492748711971527,5.685297346115115 +3.2872129072876355,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3297742727272053,1.8464710116386414,1.9682163819670677,0.9031786924981057,4.492748711971527,5.685297346115115 +3.439088250422164,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3297742727272053,1.8464710116386414,1.9682163819670677,0.9031786924981057,4.492748711971527,5.685297346115115 +3.274065537672294,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3297742727272053,1.8464710116386414,1.9682163819670677,0.9031786924981057,4.492748711971527,5.685297346115115 +3.051909837616902,0,1.9003417814903436,1.4529496431350708,1.5569956079125404,0.4897964240071621,4.136763288619671,5.091267681121827,2.3297742727272053,1.8464710116386414,1.9682163819670677,0.9031786924981057,4.492748711971527,5.685297346115115 +3.197371451811571,1.8951589831725715,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956 +3.3870105089325655,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956 +3.3960628335217113,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956 +2.9999312211024134,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956 +3.4327122694175496,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956 +3.418731099445569,2.2738386114385536,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2738386114385536,1.778382420539856,1.85663753002882,0.8243519578208315,4.641113164577078,6.275742912292481 +3.381544771849325,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2738386114385536,1.778382420539856,1.85663753002882,0.8243519578208315,4.641113164577078,6.275742912292481 +3.1903702484737884,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2738386114385536,1.778382420539856,1.85663753002882,0.8243519578208315,4.641113164577078,6.275742912292481 +3.382784999416847,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2738386114385536,1.778382420539856,1.85663753002882,0.8243519578208315,4.641113164577078,6.275742912292481 +3.3916437526870715,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2738386114385536,1.778382420539856,1.85663753002882,0.8243519578208315,4.641113164577078,6.275742912292481 +3.476299279398824,2.1843726851759437,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.1843726851759437,1.6561668515205383,1.7473313212394714,0.6661765580164626,4.7045096184345,6.360367012023927 +3.0794885100698783,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.1843726851759437,1.6561668515205383,1.7473313212394714,0.6661765580164626,4.7045096184345,6.360367012023927 +3.0354356610461286,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.1843726851759437,1.6561668515205383,1.7473313212394714,0.6661765580164626,4.7045096184345,6.360367012023927 +3.2571648679673673,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.1843726851759437,1.6561668515205383,1.7473313212394714,0.6661765580164626,4.7045096184345,6.360367012023927 +3.1522724240822226,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.1843726851759437,1.6561668515205383,1.7473313212394714,0.6661765580164626,4.7045096184345,6.360367012023927 +3.203866308809895,1.9001734663355858,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.9001734663355858,1.2716402411460876,1.483164045959711,0.47143163104006586,4.297005222198811,5.499530267715455 +3.164089683698196,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.9001734663355858,1.2716402411460876,1.483164045959711,0.47143163104006586,4.297005222198811,5.499530267715455 +3.237976141587684,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.9001734663355858,1.2716402411460876,1.483164045959711,0.47143163104006586,4.297005222198811,5.499530267715455 +3.2835474360538157,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.9001734663355858,1.2716402411460876,1.483164045959711,0.47143163104006586,4.297005222198811,5.499530267715455 +3.056466576457024,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,1.9001734663355858,1.2716402411460876,1.483164045959711,0.47143163104006586,4.297005222198811,5.499530267715455 +3.247317384320654,2.2309323801322187,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2309323801322187,1.8924089074134827,1.9022990316152573,0.6379121028362437,4.540298319877462,5.78187041282654 +3.342455470012991,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2309323801322187,1.8924089074134827,1.9022990316152573,0.6379121028362437,4.540298319877462,5.78187041282654 +3.309412401757742,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2309323801322187,1.8924089074134827,1.9022990316152573,0.6379121028362437,4.540298319877462,5.78187041282654 +3.233204891120917,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2309323801322187,1.8924089074134827,1.9022990316152573,0.6379121028362437,4.540298319877462,5.78187041282654 +3.072048329110993,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2309323801322187,1.8924089074134827,1.9022990316152573,0.6379121028362437,4.540298319877462,5.78187041282654 +3.3633939170523695,2.5659036645863917,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.5659036645863917,2.130074381828308,2.1980652511119843,0.9935949596952884,4.890424905939305,5.8120105981826775 +3.2657207352942543,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.5659036645863917,2.130074381828308,2.1980652511119843,0.9935949596952884,4.890424905939305,5.8120105981826775 +3.2369107368353167,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.5659036645863917,2.130074381828308,2.1980652511119843,0.9935949596952884,4.890424905939305,5.8120105981826775 +3.2756984311499093,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.5659036645863917,2.130074381828308,2.1980652511119843,0.9935949596952884,4.890424905939305,5.8120105981826775 +3.2055319659215837,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.5659036645863917,2.130074381828308,2.1980652511119843,0.9935949596952884,4.890424905939305,5.8120105981826775 +3.3119064106164795,2.2603368036290434,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2603368036290434,1.862198293209076,1.9354352504014969,0.7057320970170041,4.571581201350435,6.110152411460879 +3.3546345621347426,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2603368036290434,1.862198293209076,1.9354352504014969,0.7057320970170041,4.571581201350435,6.110152411460879 +3.1511419293911835,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2603368036290434,1.862198293209076,1.9354352504014969,0.7057320970170041,4.571581201350435,6.110152411460879 +3.048464140158735,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2603368036290434,1.862198293209076,1.9354352504014969,0.7057320970170041,4.571581201350435,6.110152411460879 +3.124222646320337,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2603368036290434,1.862198293209076,1.9354352504014969,0.7057320970170041,4.571581201350435,6.110152411460879 +3.133167684705634,2.429305090786929,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.429305090786929,1.7879399061203003,1.9997986480593681,0.6454907563772607,5.187236496742735,6.728556323051455 +3.328534760443788,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.429305090786929,1.7879399061203003,1.9997986480593681,0.6454907563772607,5.187236496742735,6.728556323051455 +3.0243090454096855,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.429305090786929,1.7879399061203003,1.9997986480593681,0.6454907563772607,5.187236496742735,6.728556323051455 +3.1557746547225274,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.429305090786929,1.7879399061203003,1.9997986480593681,0.6454907563772607,5.187236496742735,6.728556323051455 +3.2969128088731514,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.429305090786929,1.7879399061203003,1.9997986480593681,0.6454907563772607,5.187236496742735,6.728556323051455 +3.1146266611979194,2.7463383115828037,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.7463383115828037,2.418417453765869,2.472071684896946,0.9588635700180176,5.136606972268287,6.07185299396515 +3.024850511394049,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.7463383115828037,2.418417453765869,2.472071684896946,0.9588635700180176,5.136606972268287,6.07185299396515 +3.125752692944125,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.7463383115828037,2.418417453765869,2.472071684896946,0.9588635700180176,5.136606972268287,6.07185299396515 +3.0435322916625362,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.7463383115828037,2.418417453765869,2.472071684896946,0.9588635700180176,5.136606972268287,6.07185299396515 +3.145635675736948,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.7463383115828037,2.418417453765869,2.472071684896946,0.9588635700180176,5.136606972268287,6.07185299396515 +3.3536898129864743,3.2276289449965065,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,3.2276289449965065,3.0540984869003296,3.0788363367319107,1.3601729005892227,5.426738718722729,6.1999727725982705 +3.3496909351921396,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,3.2276289449965065,3.0540984869003296,3.0788363367319107,1.3601729005892227,5.426738718722729,6.1999727725982705 +3.2427711559165466,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,3.2276289449965065,3.0540984869003296,3.0788363367319107,1.3601729005892227,5.426738718722729,6.1999727725982705 +3.1864723701422153,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,3.2276289449965065,3.0540984869003296,3.0788363367319107,1.3601729005892227,5.426738718722729,6.1999727725982705 +3.2096430018936335,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,3.2276289449965065,3.0540984869003296,3.0788363367319107,1.3601729005892227,5.426738718722729,6.1999727725982705 +3.2725398691076983,2.028270394680031,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.028270394680031,1.4441291689872742,1.5851899646222591,0.4719965969945522,4.423945016049324,5.469360280036927 +3.2528347129492383,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.028270394680031,1.4441291689872742,1.5851899646222591,0.4719965969945522,4.423945016049324,5.469360280036927 +3.2105163965178165,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.028270394680031,1.4441291689872742,1.5851899646222591,0.4719965969945522,4.423945016049324,5.469360280036927 +3.239290500961636,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.028270394680031,1.4441291689872742,1.5851899646222591,0.4719965969945522,4.423945016049324,5.469360280036927 +3.356630648182411,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.028270394680031,1.4441291689872742,1.5851899646222591,0.4719965969945522,4.423945016049324,5.469360280036927 +3.2190857611596586,2.2127765030699207,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2127765030699207,1.803626298904419,1.8998426496982574,0.6510555669665337,4.4785809161815235,5.811715555191041 +3.0698730427967873,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2127765030699207,1.803626298904419,1.8998426496982574,0.6510555669665337,4.4785809161815235,5.811715555191041 +3.0616296156652663,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2127765030699207,1.803626298904419,1.8998426496982574,0.6510555669665337,4.4785809161815235,5.811715555191041 +3.4020233586822686,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2127765030699207,1.803626298904419,1.8998426496982574,0.6510555669665337,4.4785809161815235,5.811715555191041 +3.332523079138053,0,1.8951589831725715,1.3293029069900513,1.411880273371935,0.4991152827092942,4.262899769113419,5.738262128829956,2.2127765030699207,1.803626298904419,1.8998426496982574,0.6510555669665337,4.4785809161815235,5.811715555191041 +2.97161102789013,1.8639138002107118,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541 +3.0217310733504985,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541 +3.19756619193052,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541 +3.264119382124198,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541 +3.203273453445811,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541 +3.3485263770348146,2.2080843003981925,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2080843003981925,1.709073781967163,1.8177983313798904,0.7123194168856803,4.579789440682593,5.507332921028139 +3.2619199610462313,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2080843003981925,1.709073781967163,1.8177983313798904,0.7123194168856803,4.579789440682593,5.507332921028139 +3.3767073979699296,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2080843003981925,1.709073781967163,1.8177983313798904,0.7123194168856803,4.579789440682593,5.507332921028139 +3.1553496970942145,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2080843003981925,1.709073781967163,1.8177983313798904,0.7123194168856803,4.579789440682593,5.507332921028139 +3.2882033780609308,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2080843003981925,1.709073781967163,1.8177983313798904,0.7123194168856803,4.579789440682593,5.507332921028139 +3.264064549870397,1.918764439867215,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.918764439867215,1.3705142140388489,1.4904479160904884,0.5350305826423016,4.241260974965197,5.582725906372072 +3.054502348699852,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.918764439867215,1.3705142140388489,1.4904479160904884,0.5350305826423016,4.241260974965197,5.582725906372072 +3.177285821755466,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.918764439867215,1.3705142140388489,1.4904479160904884,0.5350305826423016,4.241260974965197,5.582725906372072 +3.348449256545619,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.918764439867215,1.3705142140388489,1.4904479160904884,0.5350305826423016,4.241260974965197,5.582725906372072 +3.1703053641083994,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,1.918764439867215,1.3705142140388489,1.4904479160904884,0.5350305826423016,4.241260974965197,5.582725906372072 +3.2664371089911777,2.0573679818276394,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0573679818276394,1.6011370420455933,1.671926748007536,0.44944512875790293,4.4916422113459165,6.086314702033997 +3.2033098570022145,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0573679818276394,1.6011370420455933,1.671926748007536,0.44944512875790293,4.4916422113459165,6.086314702033997 +3.203115076375635,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0573679818276394,1.6011370420455933,1.671926748007536,0.44944512875790293,4.4916422113459165,6.086314702033997 +3.054965439144718,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0573679818276394,1.6011370420455933,1.671926748007536,0.44944512875790293,4.4916422113459165,6.086314702033997 +3.0309928408578823,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0573679818276394,1.6011370420455933,1.671926748007536,0.44944512875790293,4.4916422113459165,6.086314702033997 +3.345771599933505,2.1480055830263076,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1480055830263076,1.6714621186256409,1.8296671882271767,0.8492589903638718,4.207624780370834,5.240181779861452 +3.0598159017727564,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1480055830263076,1.6714621186256409,1.8296671882271767,0.8492589903638718,4.207624780370834,5.240181779861452 +3.1771098632561534,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1480055830263076,1.6714621186256409,1.8296671882271767,0.8492589903638718,4.207624780370834,5.240181779861452 +3.179818245788154,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1480055830263076,1.6714621186256409,1.8296671882271767,0.8492589903638718,4.207624780370834,5.240181779861452 +3.3522819173375242,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1480055830263076,1.6714621186256409,1.8296671882271767,0.8492589903638718,4.207624780370834,5.240181779861452 +3.226487476594354,2.845698943322009,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.845698943322009,2.5157665014266968,2.5615725070238113,1.0882557611516182,5.166343831001444,6.1059472322464 +3.045181712841517,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.845698943322009,2.5157665014266968,2.5615725070238113,1.0882557611516182,5.166343831001444,6.1059472322464 +3.102465503251082,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.845698943322009,2.5157665014266968,2.5615725070238113,1.0882557611516182,5.166343831001444,6.1059472322464 +3.0552916691491476,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.845698943322009,2.5157665014266968,2.5615725070238113,1.0882557611516182,5.166343831001444,6.1059472322464 +3.2961807330580135,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.845698943322009,2.5157665014266968,2.5615725070238113,1.0882557611516182,5.166343831001444,6.1059472322464 +3.079333511936037,2.1123404573411384,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1123404573411384,1.599038541316986,1.7275200337171555,0.620488278726314,4.442191808781725,5.3287600755691535 +3.2651405194872303,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1123404573411384,1.599038541316986,1.7275200337171555,0.620488278726314,4.442191808781725,5.3287600755691535 +3.2032766675282467,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1123404573411384,1.599038541316986,1.7275200337171555,0.620488278726314,4.442191808781725,5.3287600755691535 +3.0746257962757033,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1123404573411384,1.599038541316986,1.7275200337171555,0.620488278726314,4.442191808781725,5.3287600755691535 +3.3215416818661123,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1123404573411384,1.599038541316986,1.7275200337171555,0.620488278726314,4.442191808781725,5.3287600755691535 +3.458857455633973,2.417727195994651,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.417727195994651,2.017949938774109,2.1339519768953323,0.828134981241632,4.624093557925934,5.380473184585572 +3.201869907485027,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.417727195994651,2.017949938774109,2.1339519768953323,0.828134981241632,4.624093557925934,5.380473184585572 +3.23373783142551,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.417727195994651,2.017949938774109,2.1339519768953323,0.828134981241632,4.624093557925934,5.380473184585572 +2.9189449315792637,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.417727195994651,2.017949938774109,2.1339519768953323,0.828134981241632,4.624093557925934,5.380473184585572 +3.084939958351223,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.417727195994651,2.017949938774109,2.1339519768953323,0.828134981241632,4.624093557925934,5.380473184585572 +3.336279013027486,2.428137628321952,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.428137628321952,1.8815860748291016,2.0075104609131813,0.6919221725869686,5.06487537444906,6.528325414657594 +3.3149314441178976,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.428137628321952,1.8815860748291016,2.0075104609131813,0.6919221725869686,5.06487537444906,6.528325414657594 +3.152912602867735,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.428137628321952,1.8815860748291016,2.0075104609131813,0.6919221725869686,5.06487537444906,6.528325414657594 +3.3602683086340366,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.428137628321952,1.8815860748291016,2.0075104609131813,0.6919221725869686,5.06487537444906,6.528325414657594 +3.155314262387784,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.428137628321952,1.8815860748291016,2.0075104609131813,0.6919221725869686,5.06487537444906,6.528325414657594 +3.0592023447548087,2.9453337607865637,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.9453337607865637,2.4898252487182617,2.5690237879753113,1.5191141785459314,5.134342553767752,6.24525058269501 +3.4418643317136324,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.9453337607865637,2.4898252487182617,2.5690237879753113,1.5191141785459314,5.134342553767752,6.24525058269501 +3.199671261090981,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.9453337607865637,2.4898252487182617,2.5690237879753113,1.5191141785459314,5.134342553767752,6.24525058269501 +3.212404136889075,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.9453337607865637,2.4898252487182617,2.5690237879753113,1.5191141785459314,5.134342553767752,6.24525058269501 +3.4105385010963993,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.9453337607865637,2.4898252487182617,2.5690237879753113,1.5191141785459314,5.134342553767752,6.24525058269501 +3.0475559078549086,2.289949583840814,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.289949583840814,1.533134937286377,1.7648225352168083,0.4238624393622926,5.219759819355417,6.321833825111391 +3.168724219853941,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.289949583840814,1.533134937286377,1.7648225352168083,0.4238624393622926,5.219759819355417,6.321833825111391 +3.066112075059822,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.289949583840814,1.533134937286377,1.7648225352168083,0.4238624393622926,5.219759819355417,6.321833825111391 +3.207879519776294,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.289949583840814,1.533134937286377,1.7648225352168083,0.4238624393622926,5.219759819355417,6.321833825111391 +3.119400545327287,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.289949583840814,1.533134937286377,1.7648225352168083,0.4238624393622926,5.219759819355417,6.321833825111391 +3.378291335113739,2.2317173282041196,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2317173282041196,1.6474640369415283,1.7899773344397545,0.6060980130383309,4.906196644965639,6.531431317329407 +3.259246244634453,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2317173282041196,1.6474640369415283,1.7899773344397545,0.6060980130383309,4.906196644965639,6.531431317329407 +2.8641257344107878,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2317173282041196,1.6474640369415283,1.7899773344397545,0.6060980130383309,4.906196644965639,6.531431317329407 +3.122603437657419,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2317173282041196,1.6474640369415283,1.7899773344397545,0.6060980130383309,4.906196644965639,6.531431317329407 +3.080298021004388,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.2317173282041196,1.6474640369415283,1.7899773344397545,0.6060980130383309,4.906196644965639,6.531431317329407 +3.021090242168621,2.225002812736846,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.225002812736846,1.8262235522270203,1.8891126736998558,0.8872470075779773,4.2690233981355705,5.047026348114014 +2.99724571310768,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.225002812736846,1.8262235522270203,1.8891126736998558,0.8872470075779773,4.2690233981355705,5.047026348114014 +3.195269969360609,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.225002812736846,1.8262235522270203,1.8891126736998558,0.8872470075779773,4.2690233981355705,5.047026348114014 +3.2537385293331584,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.225002812736846,1.8262235522270203,1.8891126736998558,0.8872470075779773,4.2690233981355705,5.047026348114014 +3.268021618339576,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.225002812736846,1.8262235522270203,1.8891126736998558,0.8872470075779773,4.2690233981355705,5.047026348114014 +3.0673795040304723,2.259159679385893,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.259159679385893,1.7851460576057434,1.8519856184720993,0.6316517932300872,4.7736347330377455,6.004011631011963 +3.2736010566353797,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.259159679385893,1.7851460576057434,1.8519856184720993,0.6316517932300872,4.7736347330377455,6.004011631011963 +3.25586685287325,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.259159679385893,1.7851460576057434,1.8519856184720993,0.6316517932300872,4.7736347330377455,6.004011631011963 +3.2832585103417697,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.259159679385893,1.7851460576057434,1.8519856184720993,0.6316517932300872,4.7736347330377455,6.004011631011963 +3.2077786310526886,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.259159679385893,1.7851460576057434,1.8519856184720993,0.6316517932300872,4.7736347330377455,6.004011631011963 +3.192215979648264,2.0856263370035175,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0856263370035175,1.5110790729522705,1.7210128270089626,0.6008569327123622,4.425966754872748,5.360764837265016 +3.189891064127809,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0856263370035175,1.5110790729522705,1.7210128270089626,0.6008569327123622,4.425966754872748,5.360764837265016 +3.0671976742187614,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0856263370035175,1.5110790729522705,1.7210128270089626,0.6008569327123622,4.425966754872748,5.360764837265016 +2.9986354834939304,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0856263370035175,1.5110790729522705,1.7210128270089626,0.6008569327123622,4.425966754872748,5.360764837265016 +3.1128777800421967,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.0856263370035175,1.5110790729522705,1.7210128270089626,0.6008569327123622,4.425966754872748,5.360764837265016 +3.1647751951296077,2.3765148674236967,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3765148674236967,1.8564608693122864,2.0342928543686867,0.9979338373275514,4.589923067295805,5.5715738296508786 +3.1937156408633056,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3765148674236967,1.8564608693122864,2.0342928543686867,0.9979338373275514,4.589923067295805,5.5715738296508786 +3.2161983446071023,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3765148674236967,1.8564608693122864,2.0342928543686867,0.9979338373275514,4.589923067295805,5.5715738296508786 +3.45522099786291,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3765148674236967,1.8564608693122864,2.0342928543686867,0.9979338373275514,4.589923067295805,5.5715738296508786 +3.1655178590040456,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3765148674236967,1.8564608693122864,2.0342928543686867,0.9979338373275514,4.589923067295805,5.5715738296508786 +3.4087137491687347,2.286415348661707,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.286415348661707,1.9336307644844055,2.0052452087402344,0.947818674939744,4.345837770624364,5.522125053405762 +3.071084366758403,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.286415348661707,1.9336307644844055,2.0052452087402344,0.947818674939744,4.345837770624364,5.522125053405762 +3.0903404768360287,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.286415348661707,1.9336307644844055,2.0052452087402344,0.947818674939744,4.345837770624364,5.522125053405762 +3.0426343736287795,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.286415348661707,1.9336307644844055,2.0052452087402344,0.947818674939744,4.345837770624364,5.522125053405762 +3.2789895893319656,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.286415348661707,1.9336307644844055,2.0052452087402344,0.947818674939744,4.345837770624364,5.522125053405762 +3.080948629583183,2.040380984188077,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.040380984188077,1.5063612461090088,1.6302719414234161,0.4693040148691928,4.52388743644065,5.643351507186891 +3.066316362352748,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.040380984188077,1.5063612461090088,1.6302719414234161,0.4693040148691928,4.52388743644065,5.643351507186891 +3.2602879549719783,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.040380984188077,1.5063612461090088,1.6302719414234161,0.4693040148691928,4.52388743644065,5.643351507186891 +3.2495739180790753,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.040380984188077,1.5063612461090088,1.6302719414234161,0.4693040148691928,4.52388743644065,5.643351507186891 +3.14032643037407,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.040380984188077,1.5063612461090088,1.6302719414234161,0.4693040148691928,4.52388743644065,5.643351507186891 +3.1571408135522354,2.7395033351284392,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.7395033351284392,2.3188657760620117,2.4201234206557274,1.3597459957954732,4.8973942868253015,5.977139091491699 +3.144038896399893,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.7395033351284392,2.3188657760620117,2.4201234206557274,1.3597459957954732,4.8973942868253015,5.977139091491699 +3.2062413000942844,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.7395033351284392,2.3188657760620117,2.4201234206557274,1.3597459957954732,4.8973942868253015,5.977139091491699 +3.1341821529755465,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.7395033351284392,2.3188657760620117,2.4201234206557274,1.3597459957954732,4.8973942868253015,5.977139091491699 +3.1207108713098264,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.7395033351284392,2.3188657760620117,2.4201234206557274,1.3597459957954732,4.8973942868253015,5.977139091491699 +3.1511882365926316,2.383689039565147,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.383689039565147,1.882785439491272,1.998854123055935,0.9560548117820252,4.706531159421231,6.103232574462891 +3.2485865565310967,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.383689039565147,1.882785439491272,1.998854123055935,0.9560548117820252,4.706531159421231,6.103232574462891 +2.9978502840587966,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.383689039565147,1.882785439491272,1.998854123055935,0.9560548117820252,4.706531159421231,6.103232574462891 +3.139800865712919,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.383689039565147,1.882785439491272,1.998854123055935,0.9560548117820252,4.706531159421231,6.103232574462891 +3.373790195721545,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.383689039565147,1.882785439491272,1.998854123055935,0.9560548117820252,4.706531159421231,6.103232574462891 +3.3373357056198936,2.3782205480210323,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3782205480210323,1.8366414308547974,1.9472714066505432,0.8768308340234959,4.82322830342232,6.119586682319645 +3.3402137356565187,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3782205480210323,1.8366414308547974,1.9472714066505432,0.8768308340234959,4.82322830342232,6.119586682319645 +3.2893665390775393,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3782205480210323,1.8366414308547974,1.9472714066505432,0.8768308340234959,4.82322830342232,6.119586682319645 +3.1664301224445044,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3782205480210323,1.8366414308547974,1.9472714066505432,0.8768308340234959,4.82322830342232,6.119586682319645 +3.1032456692700325,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.3782205480210323,1.8366414308547974,1.9472714066505432,0.8768308340234959,4.82322830342232,6.119586682319645 +2.934428543146504,2.133356627592064,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.133356627592064,1.560911238193512,1.6516996324062347,0.5498288411726343,4.690438722042328,5.947699308395387 +3.306935854001265,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.133356627592064,1.560911238193512,1.6516996324062347,0.5498288411726343,4.690438722042328,5.947699308395387 +3.102070020472533,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.133356627592064,1.560911238193512,1.6516996324062347,0.5498288411726343,4.690438722042328,5.947699308395387 +3.008749362865561,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.133356627592064,1.560911238193512,1.6516996324062347,0.5498288411726343,4.690438722042328,5.947699308395387 +3.0991785978212167,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.133356627592064,1.560911238193512,1.6516996324062347,0.5498288411726343,4.690438722042328,5.947699308395387 +3.0841722030192615,2.1992004284674818,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1992004284674818,1.6660082340240479,1.7967636287212372,0.756877546297743,4.571963360969057,5.80718870162964 +3.459312114197957,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1992004284674818,1.6660082340240479,1.7967636287212372,0.756877546297743,4.571963360969057,5.80718870162964 +3.3788844106620863,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1992004284674818,1.6660082340240479,1.7967636287212372,0.756877546297743,4.571963360969057,5.80718870162964 +3.267408210803804,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1992004284674818,1.6660082340240479,1.7967636287212372,0.756877546297743,4.571963360969057,5.80718870162964 +3.3565253455583988,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.1992004284674818,1.6660082340240479,1.7967636287212372,0.756877546297743,4.571963360969057,5.80718870162964 +3.1626963910695753,2.230887499974763,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.230887499974763,1.6037013530731201,1.7974919527769089,0.7508677348811575,4.6819734218272755,5.690732192993164 +3.145365534624771,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.230887499974763,1.6037013530731201,1.7974919527769089,0.7508677348811575,4.6819734218272755,5.690732192993164 +3.189059487691051,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.230887499974763,1.6037013530731201,1.7974919527769089,0.7508677348811575,4.6819734218272755,5.690732192993164 +3.218941902722183,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.230887499974763,1.6037013530731201,1.7974919527769089,0.7508677348811575,4.6819734218272755,5.690732192993164 +3.2558551823230166,0,1.8639138002107118,1.298746645450592,1.4668298102915287,0.4283285966895996,4.171827488757194,5.024493002891541,2.230887499974763,1.6037013530731201,1.7974919527769089,0.7508677348811575,4.6819734218272755,5.690732192993164 +3.071270852457536,1.850308769996813,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953 +3.0894300590416317,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953 +3.3326003460703713,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953 +3.1553351016617137,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953 +3.347849447162528,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953 +3.1261394107420193,2.0922066167472524,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0922066167472524,1.5347003936767578,1.5936340130865574,0.44455397541218616,4.833311334569403,6.800254869461062 +3.3730061416171098,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0922066167472524,1.5347003936767578,1.5936340130865574,0.44455397541218616,4.833311334569403,6.800254869461062 +3.1803137632184906,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0922066167472524,1.5347003936767578,1.5936340130865574,0.44455397541218616,4.833311334569403,6.800254869461062 +3.2442091753608304,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0922066167472524,1.5347003936767578,1.5936340130865574,0.44455397541218616,4.833311334569403,6.800254869461062 +3.1592668315689814,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0922066167472524,1.5347003936767578,1.5936340130865574,0.44455397541218616,4.833311334569403,6.800254869461062 +3.1339891487438427,2.2576095965552203,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2576095965552203,1.668554961681366,1.8257799744606018,0.5684728861806241,4.935811123949416,5.994578075408936 +3.0993326570250486,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2576095965552203,1.668554961681366,1.8257799744606018,0.5684728861806241,4.935811123949416,5.994578075408936 +3.2790799141714446,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2576095965552203,1.668554961681366,1.8257799744606018,0.5684728861806241,4.935811123949416,5.994578075408936 +3.1457744505060345,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2576095965552203,1.668554961681366,1.8257799744606018,0.5684728861806241,4.935811123949416,5.994578075408936 +3.2198528321361857,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2576095965552203,1.668554961681366,1.8257799744606018,0.5684728861806241,4.935811123949416,5.994578075408936 +3.0736444643845684,2.814229580752076,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.814229580752076,2.4907256364822388,2.523111529648304,1.014548085312894,5.277122629449723,6.654319763183597 +3.2546619746637973,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.814229580752076,2.4907256364822388,2.523111529648304,1.014548085312894,5.277122629449723,6.654319763183597 +3.1035246235563565,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.814229580752076,2.4907256364822388,2.523111529648304,1.014548085312894,5.277122629449723,6.654319763183597 +3.1288830956738245,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.814229580752076,2.4907256364822388,2.523111529648304,1.014548085312894,5.277122629449723,6.654319763183597 +3.067417901401457,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.814229580752076,2.4907256364822388,2.523111529648304,1.014548085312894,5.277122629449723,6.654319763183597 +3.128506117078819,1.935928817600646,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.935928817600646,1.412462830543518,1.5214514434337616,0.4895328289650856,4.304364960244361,5.7627550840377815 +3.067185373310196,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.935928817600646,1.412462830543518,1.5214514434337616,0.4895328289650856,4.304364960244361,5.7627550840377815 +3.188822970755006,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.935928817600646,1.412462830543518,1.5214514434337616,0.4895328289650856,4.304364960244361,5.7627550840377815 +3.04424453693393,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.935928817600646,1.412462830543518,1.5214514434337616,0.4895328289650856,4.304364960244361,5.7627550840377815 +3.4453580889654787,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.935928817600646,1.412462830543518,1.5214514434337616,0.4895328289650856,4.304364960244361,5.7627550840377815 +2.9635682105037726,2.475592410310786,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.475592410310786,2.04862117767334,2.149082340300083,0.6254267971566383,5.206679435486489,6.16836142539978 +3.0402969901302925,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.475592410310786,2.04862117767334,2.149082340300083,0.6254267971566383,5.206679435486489,6.16836142539978 +3.163054185929267,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.475592410310786,2.04862117767334,2.149082340300083,0.6254267971566383,5.206679435486489,6.16836142539978 +3.045109855324814,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.475592410310786,2.04862117767334,2.149082340300083,0.6254267971566383,5.206679435486489,6.16836142539978 +3.0731133871760807,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.475592410310786,2.04862117767334,2.149082340300083,0.6254267971566383,5.206679435486489,6.16836142539978 +3.195744538385617,1.9740827951501025,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9740827951501025,1.446266531944275,1.5931810028851032,0.481327586668603,4.340667085444673,5.301511192321778 +3.466126329392979,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9740827951501025,1.446266531944275,1.5931810028851032,0.481327586668603,4.340667085444673,5.301511192321778 +3.102848427487831,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9740827951501025,1.446266531944275,1.5931810028851032,0.481327586668603,4.340667085444673,5.301511192321778 +3.3360100187557307,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9740827951501025,1.446266531944275,1.5931810028851032,0.481327586668603,4.340667085444673,5.301511192321778 +3.3086414134227917,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9740827951501025,1.446266531944275,1.5931810028851032,0.481327586668603,4.340667085444673,5.301511192321778 +3.0931695094234066,2.010629978506489,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.010629978506489,1.536058783531189,1.635265950113535,0.44093628734984297,4.465586789110874,5.605620574951173 +3.216186936944723,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.010629978506489,1.536058783531189,1.635265950113535,0.44093628734984297,4.465586789110874,5.605620574951173 +3.0214057844328255,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.010629978506489,1.536058783531189,1.635265950113535,0.44093628734984297,4.465586789110874,5.605620574951173 +3.0827196222975064,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.010629978506489,1.536058783531189,1.635265950113535,0.44093628734984297,4.465586789110874,5.605620574951173 +3.0983337242352333,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.010629978506489,1.536058783531189,1.635265950113535,0.44093628734984297,4.465586789110874,5.605620574951173 +3.171391284818712,2.2987773359773005,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2987773359773005,1.8100404739379883,1.9842147305607796,0.6958809907132006,4.686888897672612,5.653029441833497 +2.997140884379807,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2987773359773005,1.8100404739379883,1.9842147305607796,0.6958809907132006,4.686888897672612,5.653029441833497 +3.1721250084473898,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2987773359773005,1.8100404739379883,1.9842147305607796,0.6958809907132006,4.686888897672612,5.653029441833497 +3.000351611760102,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2987773359773005,1.8100404739379883,1.9842147305607796,0.6958809907132006,4.686888897672612,5.653029441833497 +2.9828894602624993,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2987773359773005,1.8100404739379883,1.9842147305607796,0.6958809907132006,4.686888897672612,5.653029441833497 +2.7967456885662516,2.326043920710366,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.326043920710366,1.9849485158920288,2.066958174109459,0.6525588609436725,4.5075268694695,5.634811472892761 +3.314700316245619,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.326043920710366,1.9849485158920288,2.066958174109459,0.6525588609436725,4.5075268694695,5.634811472892761 +3.1266560135311203,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.326043920710366,1.9849485158920288,2.066958174109459,0.6525588609436725,4.5075268694695,5.634811472892761 +2.8636097142178762,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.326043920710366,1.9849485158920288,2.066958174109459,0.6525588609436725,4.5075268694695,5.634811472892761 +3.3673921744878355,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.326043920710366,1.9849485158920288,2.066958174109459,0.6525588609436725,4.5075268694695,5.634811472892761 +3.348686515971234,2.159320614597899,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.159320614597899,1.5767505168914795,1.7379224747419357,0.6639128929757058,4.593091102356606,5.97391312122345 +3.092182908716955,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.159320614597899,1.5767505168914795,1.7379224747419357,0.6639128929757058,4.593091102356606,5.97391312122345 +3.159985712817625,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.159320614597899,1.5767505168914795,1.7379224747419357,0.6639128929757058,4.593091102356606,5.97391312122345 +3.2035417249916414,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.159320614597899,1.5767505168914795,1.7379224747419357,0.6639128929757058,4.593091102356606,5.97391312122345 +2.944684493875033,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.159320614597899,1.5767505168914795,1.7379224747419357,0.6639128929757058,4.593091102356606,5.97391312122345 +2.9787087566758457,2.7550770420818886,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.7550770420818886,2.0900793075561523,2.217217728495598,0.9489615835407947,5.747514805895217,7.292569613456726 +3.1178407512409123,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.7550770420818886,2.0900793075561523,2.217217728495598,0.9489615835407947,5.747514805895217,7.292569613456726 +3.4157569162939723,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.7550770420818886,2.0900793075561523,2.217217728495598,0.9489615835407947,5.747514805895217,7.292569613456726 +3.0600045022995848,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.7550770420818886,2.0900793075561523,2.217217728495598,0.9489615835407947,5.747514805895217,7.292569613456726 +2.9963695392796867,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.7550770420818886,2.0900793075561523,2.217217728495598,0.9489615835407947,5.747514805895217,7.292569613456726 +3.048691353946924,2.2479879541441483,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2479879541441483,1.7824453711509705,1.838735856115818,0.592632921135172,4.861739452849043,6.237644910812379 +3.1196447475568245,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2479879541441483,1.7824453711509705,1.838735856115818,0.592632921135172,4.861739452849043,6.237644910812379 +3.450948502593919,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2479879541441483,1.7824453711509705,1.838735856115818,0.592632921135172,4.861739452849043,6.237644910812379 +3.177053735738522,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2479879541441483,1.7824453711509705,1.838735856115818,0.592632921135172,4.861739452849043,6.237644910812379 +3.181781665510253,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2479879541441483,1.7824453711509705,1.838735856115818,0.592632921135172,4.861739452849043,6.237644910812379 +3.0637315041140507,2.036429161047365,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.036429161047365,1.5038152933120728,1.6311341226100922,0.49708636120912875,4.425551632617382,5.606236386299133 +3.0662066343975694,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.036429161047365,1.5038152933120728,1.6311341226100922,0.49708636120912875,4.425551632617382,5.606236386299133 +3.1672960189220154,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.036429161047365,1.5038152933120728,1.6311341226100922,0.49708636120912875,4.425551632617382,5.606236386299133 +2.9807496107526514,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.036429161047365,1.5038152933120728,1.6311341226100922,0.49708636120912875,4.425551632617382,5.606236386299133 +3.101137522490401,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.036429161047365,1.5038152933120728,1.6311341226100922,0.49708636120912875,4.425551632617382,5.606236386299133 +3.065294056268115,2.0079607082966793,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0079607082966793,1.4057087302207947,1.5194324925541878,0.6824820691600759,4.368899543234643,5.5002614021301275 +3.2655331659866005,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0079607082966793,1.4057087302207947,1.5194324925541878,0.6824820691600759,4.368899543234643,5.5002614021301275 +3.289627851349743,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0079607082966793,1.4057087302207947,1.5194324925541878,0.6824820691600759,4.368899543234643,5.5002614021301275 +3.1660298826074915,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0079607082966793,1.4057087302207947,1.5194324925541878,0.6824820691600759,4.368899543234643,5.5002614021301275 +3.1708944888687447,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0079607082966793,1.4057087302207947,1.5194324925541878,0.6824820691600759,4.368899543234643,5.5002614021301275 +3.2947773250310046,2.575708174800619,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.575708174800619,2.0767807960510254,2.190170183777809,0.890710507935666,5.14235649717615,6.541089749336243 +3.053613528981805,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.575708174800619,2.0767807960510254,2.190170183777809,0.890710507935666,5.14235649717615,6.541089749336243 +3.130461427059613,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.575708174800619,2.0767807960510254,2.190170183777809,0.890710507935666,5.14235649717615,6.541089749336243 +3.2491084247435396,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.575708174800619,2.0767807960510254,2.190170183777809,0.890710507935666,5.14235649717615,6.541089749336243 +3.200314678565452,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.575708174800619,2.0767807960510254,2.190170183777809,0.890710507935666,5.14235649717615,6.541089749336243 +2.990399827494433,2.076764172973468,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.076764172973468,1.4502961039543152,1.6581934913992882,0.5493052562183522,4.421100129472449,5.518200302124024 +2.949370571755265,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.076764172973468,1.4502961039543152,1.6581934913992882,0.5493052562183522,4.421100129472449,5.518200302124024 +3.0195575259233776,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.076764172973468,1.4502961039543152,1.6581934913992882,0.5493052562183522,4.421100129472449,5.518200302124024 +3.1737556593198524,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.076764172973468,1.4502961039543152,1.6581934913992882,0.5493052562183522,4.421100129472449,5.518200302124024 +3.185161381254071,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.076764172973468,1.4502961039543152,1.6581934913992882,0.5493052562183522,4.421100129472449,5.518200302124024 +3.3042977945192864,2.283115936562102,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.283115936562102,1.9402353167533875,1.949933186173439,0.8819297976950382,4.347358105030466,5.575162386894227 +3.23017740706472,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.283115936562102,1.9402353167533875,1.949933186173439,0.8819297976950382,4.347358105030466,5.575162386894227 +3.140145811575808,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.283115936562102,1.9402353167533875,1.949933186173439,0.8819297976950382,4.347358105030466,5.575162386894227 +3.0505107155167743,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.283115936562102,1.9402353167533875,1.949933186173439,0.8819297976950382,4.347358105030466,5.575162386894227 +3.10686465454729,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.283115936562102,1.9402353167533875,1.949933186173439,0.8819297976950382,4.347358105030466,5.575162386894227 +3.1292922705019777,1.9535636533289513,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9535636533289513,1.4852116703987122,1.543256238102913,0.5600863019836709,4.2584998252543995,5.937094521522522 +3.0717665204876345,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9535636533289513,1.4852116703987122,1.543256238102913,0.5600863019836709,4.2584998252543995,5.937094521522522 +3.2426112939848712,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9535636533289513,1.4852116703987122,1.543256238102913,0.5600863019836709,4.2584998252543995,5.937094521522522 +3.0611456695355868,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9535636533289513,1.4852116703987122,1.543256238102913,0.5600863019836709,4.2584998252543995,5.937094521522522 +2.97240899814979,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9535636533289513,1.4852116703987122,1.543256238102913,0.5600863019836709,4.2584998252543995,5.937094521522522 +3.157899590699296,1.9659936595311824,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9659936595311824,1.5366510152816772,1.5757882595062256,0.47793673295924005,4.268758631767111,5.571382761001587 +3.3315187693230417,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9659936595311824,1.5366510152816772,1.5757882595062256,0.47793673295924005,4.268758631767111,5.571382761001587 +3.0558542649212637,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9659936595311824,1.5366510152816772,1.5757882595062256,0.47793673295924005,4.268758631767111,5.571382761001587 +3.0490073647154006,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9659936595311824,1.5366510152816772,1.5757882595062256,0.47793673295924005,4.268758631767111,5.571382761001587 +3.304835078826076,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,1.9659936595311824,1.5366510152816772,1.5757882595062256,0.47793673295924005,4.268758631767111,5.571382761001587 +3.173255036339948,2.0043114449511816,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0043114449511816,1.4881945848464966,1.5627353601157665,0.5386803126398553,4.418153128725417,5.981891846656801 +3.0537063087679837,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0043114449511816,1.4881945848464966,1.5627353601157665,0.5386803126398553,4.418153128725417,5.981891846656801 +3.034106311574578,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0043114449511816,1.4881945848464966,1.5627353601157665,0.5386803126398553,4.418153128725417,5.981891846656801 +3.5245194240228126,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0043114449511816,1.4881945848464966,1.5627353601157665,0.5386803126398553,4.418153128725417,5.981891846656801 +3.367725324846412,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.0043114449511816,1.4881945848464966,1.5627353601157665,0.5386803126398553,4.418153128725417,5.981891846656801 +3.019102826047885,2.2538031636875995,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2538031636875995,1.777035415172577,1.8800533264875412,0.889547236105229,4.455635375164925,5.452795004844668 +2.991714790620302,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2538031636875995,1.777035415172577,1.8800533264875412,0.889547236105229,4.455635375164925,5.452795004844668 +3.219525048254352,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2538031636875995,1.777035415172577,1.8800533264875412,0.889547236105229,4.455635375164925,5.452795004844668 +3.0634094212400287,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2538031636875995,1.777035415172577,1.8800533264875412,0.889547236105229,4.455635375164925,5.452795004844668 +3.2476731630532365,0,1.850308769996813,1.2663148045539856,1.3644797466695309,0.32772566076922927,4.349832550008246,6.126010632514953,2.2538031636875995,1.777035415172577,1.8800533264875412,0.889547236105229,4.455635375164925,5.452795004844668 +3.2467144587126215,1.8263295896430598,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284 +3.134487157079734,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284 +3.251748587661668,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284 +3.239953686257726,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284 +3.1059582401459154,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284 +3.1816004011583954,2.2376787878889988,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2376787878889988,1.799476444721222,1.8909709081053734,0.9333521130871265,4.2700842492123865,5.503144478797912 +3.131818476358527,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2376787878889988,1.799476444721222,1.8909709081053734,0.9333521130871265,4.2700842492123865,5.503144478797912 +3.1260342335426494,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2376787878889988,1.799476444721222,1.8909709081053734,0.9333521130871265,4.2700842492123865,5.503144478797912 +2.9932493505705344,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2376787878889988,1.799476444721222,1.8909709081053734,0.9333521130871265,4.2700842492123865,5.503144478797912 +3.039695088212427,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2376787878889988,1.799476444721222,1.8909709081053734,0.9333521130871265,4.2700842492123865,5.503144478797912 +3.183527436675994,2.3343896353815463,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3343896353815463,1.7843220829963684,1.9584918394684792,0.8540140447464395,4.598205297551257,5.745025658607484 +3.3083078708303604,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3343896353815463,1.7843220829963684,1.9584918394684792,0.8540140447464395,4.598205297551257,5.745025658607484 +3.260072683346899,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3343896353815463,1.7843220829963684,1.9584918394684792,0.8540140447464395,4.598205297551257,5.745025658607484 +3.1143620287313274,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3343896353815463,1.7843220829963684,1.9584918394684792,0.8540140447464395,4.598205297551257,5.745025658607484 +3.2001007974147795,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3343896353815463,1.7843220829963684,1.9584918394684792,0.8540140447464395,4.598205297551257,5.745025658607484 +3.148555043535797,2.353183149498828,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.353183149498828,1.98525071144104,2.044190712273121,1.071457600974022,4.3199217370215885,5.321445393562317 +3.489840284852605,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.353183149498828,1.98525071144104,2.044190712273121,1.071457600974022,4.3199217370215885,5.321445393562317 +3.008641568865431,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.353183149498828,1.98525071144104,2.044190712273121,1.071457600974022,4.3199217370215885,5.321445393562317 +3.1447907263903243,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.353183149498828,1.98525071144104,2.044190712273121,1.071457600974022,4.3199217370215885,5.321445393562317 +3.1002129908455047,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.353183149498828,1.98525071144104,2.044190712273121,1.071457600974022,4.3199217370215885,5.321445393562317 +3.255117792459695,2.933259458935007,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.933259458935007,2.6793062686920166,2.744363620877266,1.3076713452947901,5.01743864505849,6.1136313676834115 +3.270425918208141,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.933259458935007,2.6793062686920166,2.744363620877266,1.3076713452947901,5.01743864505849,6.1136313676834115 +3.1745340648842486,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.933259458935007,2.6793062686920166,2.744363620877266,1.3076713452947901,5.01743864505849,6.1136313676834115 +3.2355936889781765,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.933259458935007,2.6793062686920166,2.744363620877266,1.3076713452947901,5.01743864505849,6.1136313676834115 +3.289519767227926,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.933259458935007,2.6793062686920166,2.744363620877266,1.3076713452947901,5.01743864505849,6.1136313676834115 +2.87588581509496,2.3709702607878347,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3709702607878347,1.910594403743744,2.0294285342097282,1.0203681558053543,4.444767373673459,5.465481519699098 +3.0830920915462467,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3709702607878347,1.910594403743744,2.0294285342097282,1.0203681558053543,4.444767373673459,5.465481519699098 +3.014566746471744,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3709702607878347,1.910594403743744,2.0294285342097282,1.0203681558053543,4.444767373673459,5.465481519699098 +2.9544957406034595,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3709702607878347,1.910594403743744,2.0294285342097282,1.0203681558053543,4.444767373673459,5.465481519699098 +3.3463667375868873,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3709702607878347,1.910594403743744,2.0294285342097282,1.0203681558053543,4.444767373673459,5.465481519699098 +3.527959324027363,2.043040918027784,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.043040918027784,1.6076620221138,1.6699381098151207,0.5891977439218379,4.300912202672755,5.796676850318909 +3.073330940188546,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.043040918027784,1.6076620221138,1.6699381098151207,0.5891977439218379,4.300912202672755,5.796676850318909 +3.1224606249677507,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.043040918027784,1.6076620221138,1.6699381098151207,0.5891977439218379,4.300912202672755,5.796676850318909 +3.0227541311202866,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.043040918027784,1.6076620221138,1.6699381098151207,0.5891977439218379,4.300912202672755,5.796676850318909 +3.169699535675739,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.043040918027784,1.6076620221138,1.6699381098151207,0.5891977439218379,4.300912202672755,5.796676850318909 +3.094146745671567,2.6117455805156458,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6117455805156458,2.2114717960357666,2.342968873679638,0.8794154377376779,4.912165104074681,5.473390269279481 +3.312146428188211,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6117455805156458,2.2114717960357666,2.342968873679638,0.8794154377376779,4.912165104074681,5.473390269279481 +3.264208563809332,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6117455805156458,2.2114717960357666,2.342968873679638,0.8794154377376779,4.912165104074681,5.473390269279481 +2.918821151966327,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6117455805156458,2.2114717960357666,2.342968873679638,0.8794154377376779,4.912165104074681,5.473390269279481 +3.224876883351489,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6117455805156458,2.2114717960357666,2.342968873679638,0.8794154377376779,4.912165104074681,5.473390269279481 +2.92684090972731,2.0452232041416014,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0452232041416014,1.5665363073349,1.6438106633722782,0.5304387836380208,4.461806900957797,5.390070748329163 +3.039615475954978,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0452232041416014,1.5665363073349,1.6438106633722782,0.5304387836380208,4.461806900957797,5.390070748329163 +3.2274722013426453,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0452232041416014,1.5665363073349,1.6438106633722782,0.5304387836380208,4.461806900957797,5.390070748329163 +2.939695076507173,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0452232041416014,1.5665363073349,1.6438106633722782,0.5304387836380208,4.461806900957797,5.390070748329163 +2.9555359051023657,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0452232041416014,1.5665363073349,1.6438106633722782,0.5304387836380208,4.461806900957797,5.390070748329163 +3.152969782172065,1.947549315882807,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.947549315882807,1.4349042773246765,1.527178157120943,0.506709469284149,4.226311972800722,5.418283653259278 +3.037394080565948,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.947549315882807,1.4349042773246765,1.527178157120943,0.506709469284149,4.226311972800722,5.418283653259278 +3.1533440454813997,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.947549315882807,1.4349042773246765,1.527178157120943,0.506709469284149,4.226311972800722,5.418283653259278 +3.132450756685514,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.947549315882807,1.4349042773246765,1.527178157120943,0.506709469284149,4.226311972800722,5.418283653259278 +3.257804852194692,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.947549315882807,1.4349042773246765,1.527178157120943,0.506709469284149,4.226311972800722,5.418283653259278 +3.213633384986928,1.983121949624508,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.983121949624508,1.6235854625701904,1.673096764832735,0.4961085966292848,4.3018636094762925,5.836577129364014 +3.0890747090703563,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.983121949624508,1.6235854625701904,1.673096764832735,0.4961085966292848,4.3018636094762925,5.836577129364014 +3.3439798394708258,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.983121949624508,1.6235854625701904,1.673096764832735,0.4961085966292848,4.3018636094762925,5.836577129364014 +2.89090337349396,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.983121949624508,1.6235854625701904,1.673096764832735,0.4961085966292848,4.3018636094762925,5.836577129364014 +3.233983015347468,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.983121949624508,1.6235854625701904,1.673096764832735,0.4961085966292848,4.3018636094762925,5.836577129364014 +3.2040586820950634,2.0194544116074735,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0194544116074735,1.4644004702568054,1.6116294264793396,0.48311172615974507,4.4929353987916985,5.088333225250245 +3.2502851912261623,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0194544116074735,1.4644004702568054,1.6116294264793396,0.48311172615974507,4.4929353987916985,5.088333225250245 +3.1863168773486428,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0194544116074735,1.4644004702568054,1.6116294264793396,0.48311172615974507,4.4929353987916985,5.088333225250245 +3.091459882318189,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0194544116074735,1.4644004702568054,1.6116294264793396,0.48311172615974507,4.4929353987916985,5.088333225250245 +3.3190952589833422,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0194544116074735,1.4644004702568054,1.6116294264793396,0.48311172615974507,4.4929353987916985,5.088333225250245 +3.0405510888483964,2.4312587574599904,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4312587574599904,1.8281214833259583,1.987605795264244,0.9764321627134972,4.757900867056339,6.0691862344741825 +3.322827720053886,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4312587574599904,1.8281214833259583,1.987605795264244,0.9764321627134972,4.757900867056339,6.0691862344741825 +3.057043664373065,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4312587574599904,1.8281214833259583,1.987605795264244,0.9764321627134972,4.757900867056339,6.0691862344741825 +3.144921656737202,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4312587574599904,1.8281214833259583,1.987605795264244,0.9764321627134972,4.757900867056339,6.0691862344741825 +2.8833094605685847,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4312587574599904,1.8281214833259583,1.987605795264244,0.9764321627134972,4.757900867056339,6.0691862344741825 +3.264211880690173,2.016766096524736,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.016766096524736,1.4655987620353699,1.607390847057104,0.6547574673561339,4.328589211118982,5.4251807212829615 +2.9531078064716176,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.016766096524736,1.4655987620353699,1.607390847057104,0.6547574673561339,4.328589211118982,5.4251807212829615 +3.0639098947377583,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.016766096524736,1.4655987620353699,1.607390847057104,0.6547574673561339,4.328589211118982,5.4251807212829615 +3.238090935761207,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.016766096524736,1.4655987620353699,1.607390847057104,0.6547574673561339,4.328589211118982,5.4251807212829615 +3.250902268427767,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.016766096524736,1.4655987620353699,1.607390847057104,0.6547574673561339,4.328589211118982,5.4251807212829615 +2.995652232652432,2.4565228269772326,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4565228269772326,1.9911513328552246,2.051590323448181,1.047647512339531,4.700095841225157,5.954768824577332 +3.1719200470141673,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4565228269772326,1.9911513328552246,2.051590323448181,1.047647512339531,4.700095841225157,5.954768824577332 +3.122957365528533,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4565228269772326,1.9911513328552246,2.051590323448181,1.047647512339531,4.700095841225157,5.954768824577332 +3.061425671373543,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4565228269772326,1.9911513328552246,2.051590323448181,1.047647512339531,4.700095841225157,5.954768824577332 +3.1846536258333606,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4565228269772326,1.9911513328552246,2.051590323448181,1.047647512339531,4.700095841225157,5.954768824577332 +3.161217789449974,2.2197464056154517,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2197464056154517,1.8226739168167114,1.9084601029753685,0.8182907275697018,4.2805549692600335,5.155852580070496 +3.1231891405033436,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2197464056154517,1.8226739168167114,1.9084601029753685,0.8182907275697018,4.2805549692600335,5.155852580070496 +3.0447774811402746,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2197464056154517,1.8226739168167114,1.9084601029753685,0.8182907275697018,4.2805549692600335,5.155852580070496 +3.0027756844500177,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2197464056154517,1.8226739168167114,1.9084601029753685,0.8182907275697018,4.2805549692600335,5.155852580070496 +3.1556958802632598,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2197464056154517,1.8226739168167114,1.9084601029753685,0.8182907275697018,4.2805549692600335,5.155852580070496 +3.056573947028894,3.1225130065007414,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.1225130065007414,2.8299474716186523,2.9151626229286194,1.6386252825564527,5.137183113301054,5.91349732875824 +3.2285937935506044,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.1225130065007414,2.8299474716186523,2.9151626229286194,1.6386252825564527,5.137183113301054,5.91349732875824 +3.1463929884919994,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.1225130065007414,2.8299474716186523,2.9151626229286194,1.6386252825564527,5.137183113301054,5.91349732875824 +3.1050925759892714,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.1225130065007414,2.8299474716186523,2.9151626229286194,1.6386252825564527,5.137183113301054,5.91349732875824 +3.1194780632853507,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.1225130065007414,2.8299474716186523,2.9151626229286194,1.6386252825564527,5.137183113301054,5.91349732875824 +3.037358479182187,2.1867461626199964,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1867461626199964,1.738156259059906,1.8304913379251957,0.5904310459786273,4.669881632987489,5.6433259010314964 +3.2374052694753597,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1867461626199964,1.738156259059906,1.8304913379251957,0.5904310459786273,4.669881632987489,5.6433259010314964 +3.254401628261334,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1867461626199964,1.738156259059906,1.8304913379251957,0.5904310459786273,4.669881632987489,5.6433259010314964 +3.0745421849583323,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1867461626199964,1.738156259059906,1.8304913379251957,0.5904310459786273,4.669881632987489,5.6433259010314964 +2.918041422923929,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1867461626199964,1.738156259059906,1.8304913379251957,0.5904310459786273,4.669881632987489,5.6433259010314964 +3.264865441973272,1.9614751787975113,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9614751787975113,1.344146728515625,1.4702146612107754,0.46390538091989275,4.512026553458356,6.138956093788149 +3.0323481540930897,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9614751787975113,1.344146728515625,1.4702146612107754,0.46390538091989275,4.512026553458356,6.138956093788149 +3.0328997186728213,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9614751787975113,1.344146728515625,1.4702146612107754,0.46390538091989275,4.512026553458356,6.138956093788149 +3.208859900130253,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9614751787975113,1.344146728515625,1.4702146612107754,0.46390538091989275,4.512026553458356,6.138956093788149 +3.298913273509396,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9614751787975113,1.344146728515625,1.4702146612107754,0.46390538091989275,4.512026553458356,6.138956093788149 +3.089813973989926,2.1879207715392113,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1879207715392113,1.5482434630393982,1.6765349358320236,0.5875160091734947,4.87216511178524,6.070429396629335 +3.348566049239353,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1879207715392113,1.5482434630393982,1.6765349358320236,0.5875160091734947,4.87216511178524,6.070429396629335 +3.0480107335079656,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1879207715392113,1.5482434630393982,1.6765349358320236,0.5875160091734947,4.87216511178524,6.070429396629335 +3.26471642396952,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1879207715392113,1.5482434630393982,1.6765349358320236,0.5875160091734947,4.87216511178524,6.070429396629335 +3.018288411356901,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1879207715392113,1.5482434630393982,1.6765349358320236,0.5875160091734947,4.87216511178524,6.070429396629335 +3.032594476385336,2.1034145601727863,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1034145601727863,1.6896862387657166,1.770111545920372,0.5384063514623236,4.512825022352502,5.664210295677188 +3.0432739222716343,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1034145601727863,1.6896862387657166,1.770111545920372,0.5384063514623236,4.512825022352502,5.664210295677188 +3.0182732125254055,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1034145601727863,1.6896862387657166,1.770111545920372,0.5384063514623236,4.512825022352502,5.664210295677188 +3.2121476428093096,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1034145601727863,1.6896862387657166,1.770111545920372,0.5384063514623236,4.512825022352502,5.664210295677188 +3.4044393326891096,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1034145601727863,1.6896862387657166,1.770111545920372,0.5384063514623236,4.512825022352502,5.664210295677188 +3.1771259743524225,1.9669071594055028,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9669071594055028,1.47444087266922,1.5699351392686367,0.478274404844071,4.309194605401221,5.273002409934998 +3.0139729516482667,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9669071594055028,1.47444087266922,1.5699351392686367,0.478274404844071,4.309194605401221,5.273002409934998 +2.8293392334133385,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9669071594055028,1.47444087266922,1.5699351392686367,0.478274404844071,4.309194605401221,5.273002409934998 +3.252670591108893,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9669071594055028,1.47444087266922,1.5699351392686367,0.478274404844071,4.309194605401221,5.273002409934998 +3.005850590490981,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9669071594055028,1.47444087266922,1.5699351392686367,0.478274404844071,4.309194605401221,5.273002409934998 +3.041626683230463,3.494713033133365,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.494713033133365,2.8442596197128296,3.049614794552326,1.2504154190104058,6.6831273119500345,7.85286557674408 +3.2864048126692835,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.494713033133365,2.8442596197128296,3.049614794552326,1.2504154190104058,6.6831273119500345,7.85286557674408 +3.074454786981407,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.494713033133365,2.8442596197128296,3.049614794552326,1.2504154190104058,6.6831273119500345,7.85286557674408 +3.0511612661967153,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.494713033133365,2.8442596197128296,3.049614794552326,1.2504154190104058,6.6831273119500345,7.85286557674408 +2.9064039439943277,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.494713033133365,2.8442596197128296,3.049614794552326,1.2504154190104058,6.6831273119500345,7.85286557674408 +2.922398941316887,1.976127501577139,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.976127501577139,1.4155970215797424,1.494932308793068,0.6842628416228802,4.276587587721805,5.557466125488282 +3.3278022440248414,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.976127501577139,1.4155970215797424,1.494932308793068,0.6842628416228802,4.276587587721805,5.557466125488282 +3.140652268732849,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.976127501577139,1.4155970215797424,1.494932308793068,0.6842628416228802,4.276587587721805,5.557466125488282 +2.9849708999262043,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.976127501577139,1.4155970215797424,1.494932308793068,0.6842628416228802,4.276587587721805,5.557466125488282 +3.2717351593665387,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.976127501577139,1.4155970215797424,1.494932308793068,0.6842628416228802,4.276587587721805,5.557466125488282 +3.00571111346546,2.2280788501288664,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2280788501288664,1.777671992778778,1.891244612634182,0.7231444236128888,4.521133093123741,5.773395586013795 +3.0454953625798225,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2280788501288664,1.777671992778778,1.891244612634182,0.7231444236128888,4.521133093123741,5.773395586013795 +3.1398340913810228,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2280788501288664,1.777671992778778,1.891244612634182,0.7231444236128888,4.521133093123741,5.773395586013795 +3.1236330784661206,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2280788501288664,1.777671992778778,1.891244612634182,0.7231444236128888,4.521133093123741,5.773395586013795 +3.0763308508419676,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2280788501288664,1.777671992778778,1.891244612634182,0.7231444236128888,4.521133093123741,5.773395586013795 +3.1747728699524154,2.341085935487075,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.341085935487075,1.9863784909248352,2.0590031147003174,0.683216226703309,4.703769983129298,6.21846652030945 +3.0716911706485246,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.341085935487075,1.9863784909248352,2.0590031147003174,0.683216226703309,4.703769983129298,6.21846652030945 +3.0989414573107896,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.341085935487075,1.9863784909248352,2.0590031147003174,0.683216226703309,4.703769983129298,6.21846652030945 +3.0580892763247616,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.341085935487075,1.9863784909248352,2.0590031147003174,0.683216226703309,4.703769983129298,6.21846652030945 +3.215213088710841,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.341085935487075,1.9863784909248352,2.0590031147003174,0.683216226703309,4.703769983129298,6.21846652030945 +3.187775044025559,1.9688601120513805,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9688601120513805,1.4286171793937683,1.5456113070249557,0.4659839098123794,4.452693868190684,6.120828509330751 +3.1688943443917914,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9688601120513805,1.4286171793937683,1.5456113070249557,0.4659839098123794,4.452693868190684,6.120828509330751 +2.957456905081084,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9688601120513805,1.4286171793937683,1.5456113070249557,0.4659839098123794,4.452693868190684,6.120828509330751 +3.0861933431539095,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9688601120513805,1.4286171793937683,1.5456113070249557,0.4659839098123794,4.452693868190684,6.120828509330751 +3.2494846518886717,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9688601120513805,1.4286171793937683,1.5456113070249557,0.4659839098123794,4.452693868190684,6.120828509330751 +3.1539027191894617,1.9490350101222382,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9490350101222382,1.338922381401062,1.4389019645750523,0.4760887876470038,4.413817699919355,6.0803579092025775 +3.435521836088676,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9490350101222382,1.338922381401062,1.4389019645750523,0.4760887876470038,4.413817699919355,6.0803579092025775 +3.202740306877776,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9490350101222382,1.338922381401062,1.4389019645750523,0.4760887876470038,4.413817699919355,6.0803579092025775 +3.269959275071558,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9490350101222382,1.338922381401062,1.4389019645750523,0.4760887876470038,4.413817699919355,6.0803579092025775 +3.358321011419359,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9490350101222382,1.338922381401062,1.4389019645750523,0.4760887876470038,4.413817699919355,6.0803579092025775 +2.9474792235187794,1.975671612677422,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.975671612677422,1.516976535320282,1.6185072772204876,0.47648832709231276,4.331523022753127,6.0834262609481815 +2.9887750542477556,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.975671612677422,1.516976535320282,1.6185072772204876,0.47648832709231276,4.331523022753127,6.0834262609481815 +3.2246851632469578,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.975671612677422,1.516976535320282,1.6185072772204876,0.47648832709231276,4.331523022753127,6.0834262609481815 +3.258611937455441,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.975671612677422,1.516976535320282,1.6185072772204876,0.47648832709231276,4.331523022753127,6.0834262609481815 +3.1967974141436186,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.975671612677422,1.516976535320282,1.6185072772204876,0.47648832709231276,4.331523022753127,6.0834262609481815 +3.0353743837264022,2.3982853643754694,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3982853643754694,1.9254318475723267,2.0162629038095474,0.9765432242383348,4.566003084182739,5.530765652656555 +2.8842777838832454,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3982853643754694,1.9254318475723267,2.0162629038095474,0.9765432242383348,4.566003084182739,5.530765652656555 +3.0358071312308312,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3982853643754694,1.9254318475723267,2.0162629038095474,0.9765432242383348,4.566003084182739,5.530765652656555 +3.1346164405738053,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3982853643754694,1.9254318475723267,2.0162629038095474,0.9765432242383348,4.566003084182739,5.530765652656555 +3.0335508243229827,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3982853643754694,1.9254318475723267,2.0162629038095474,0.9765432242383348,4.566003084182739,5.530765652656555 +3.2434401452345285,2.1519326832383237,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1519326832383237,1.7919238209724426,1.8736227378249168,0.6526628092248389,4.316905899250761,5.398025703430176 +3.0740725560015756,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1519326832383237,1.7919238209724426,1.8736227378249168,0.6526628092248389,4.316905899250761,5.398025703430176 +3.107451693556811,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1519326832383237,1.7919238209724426,1.8736227378249168,0.6526628092248389,4.316905899250761,5.398025703430176 +3.205181420123891,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1519326832383237,1.7919238209724426,1.8736227378249168,0.6526628092248389,4.316905899250761,5.398025703430176 +2.8958023189910147,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1519326832383237,1.7919238209724426,1.8736227378249168,0.6526628092248389,4.316905899250761,5.398025703430176 +2.9548684028810577,2.3386479603483323,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3386479603483323,1.8962005376815796,2.032069943845272,1.052463820640077,4.315257772486261,5.41835880279541 +3.3240539308441313,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3386479603483323,1.8962005376815796,2.032069943845272,1.052463820640077,4.315257772486261,5.41835880279541 +3.2153668620672664,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3386479603483323,1.8962005376815796,2.032069943845272,1.052463820640077,4.315257772486261,5.41835880279541 +2.839516025703204,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3386479603483323,1.8962005376815796,2.032069943845272,1.052463820640077,4.315257772486261,5.41835880279541 +2.7950310977666,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3386479603483323,1.8962005376815796,2.032069943845272,1.052463820640077,4.315257772486261,5.41835880279541 +3.047538288447418,2.628140832515473,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.628140832515473,2.228970170021057,2.314990282058716,0.9255853257280715,4.980541411866533,6.080424118041993 +2.8060738694903096,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.628140832515473,2.228970170021057,2.314990282058716,0.9255853257280715,4.980541411866533,6.080424118041993 +2.912507023230979,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.628140832515473,2.228970170021057,2.314990282058716,0.9255853257280715,4.980541411866533,6.080424118041993 +3.2888523770398215,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.628140832515473,2.228970170021057,2.314990282058716,0.9255853257280715,4.980541411866533,6.080424118041993 +2.8725844994971625,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.628140832515473,2.228970170021057,2.314990282058716,0.9255853257280715,4.980541411866533,6.080424118041993 +3.0918981328606607,2.3098762929043235,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3098762929043235,1.741684377193451,1.8735868781805038,0.9972368502553474,4.624206274113757,6.011677312850955 +3.103365471214056,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3098762929043235,1.741684377193451,1.8735868781805038,0.9972368502553474,4.624206274113757,6.011677312850955 +3.0508435455788123,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3098762929043235,1.741684377193451,1.8735868781805038,0.9972368502553474,4.624206274113757,6.011677312850955 +2.837676472373699,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3098762929043235,1.741684377193451,1.8735868781805038,0.9972368502553474,4.624206274113757,6.011677312850955 +3.0192513188445256,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3098762929043235,1.741684377193451,1.8735868781805038,0.9972368502553474,4.624206274113757,6.011677312850955 +2.833637350464338,2.0445902345979468,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0445902345979468,1.4627019762992859,1.5825785025954247,0.5038761845294465,4.473089867449821,5.617957520484927 +2.9934822828165797,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0445902345979468,1.4627019762992859,1.5825785025954247,0.5038761845294465,4.473089867449821,5.617957520484927 +3.0740687674205556,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0445902345979468,1.4627019762992859,1.5825785025954247,0.5038761845294465,4.473089867449821,5.617957520484927 +3.0158089181114183,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0445902345979468,1.4627019762992859,1.5825785025954247,0.5038761845294465,4.473089867449821,5.617957520484927 +3.148888712670458,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0445902345979468,1.4627019762992859,1.5825785025954247,0.5038761845294465,4.473089867449821,5.617957520484927 +3.1339542328723167,2.066095544381979,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.066095544381979,1.48562353849411,1.672272928059101,0.6623953786936212,4.36914579919044,5.339574170112612 +3.083725954278519,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.066095544381979,1.48562353849411,1.672272928059101,0.6623953786936212,4.36914579919044,5.339574170112612 +3.0399838201309506,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.066095544381979,1.48562353849411,1.672272928059101,0.6623953786936212,4.36914579919044,5.339574170112612 +3.0551274616663395,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.066095544381979,1.48562353849411,1.672272928059101,0.6623953786936212,4.36914579919044,5.339574170112612 +3.1130712213484864,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.066095544381979,1.48562353849411,1.672272928059101,0.6623953786936212,4.36914579919044,5.339574170112612 +3.1050641365937497,2.143334152494022,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.143334152494022,1.56735360622406,1.7281154952943325,0.581643006744537,4.563593605731396,6.049555730819703 +2.8840313977316807,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.143334152494022,1.56735360622406,1.7281154952943325,0.581643006744537,4.563593605731396,6.049555730819703 +3.0543125070435435,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.143334152494022,1.56735360622406,1.7281154952943325,0.581643006744537,4.563593605731396,6.049555730819703 +3.0745124972180315,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.143334152494022,1.56735360622406,1.7281154952943325,0.581643006744537,4.563593605731396,6.049555730819703 +3.030821777899799,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.143334152494022,1.56735360622406,1.7281154952943325,0.581643006744537,4.563593605731396,6.049555730819703 +3.054443185403943,1.9418420169423236,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9418420169423236,1.5130932927131653,1.5492383055388927,0.5813342545260775,4.180564778916379,5.657860541343689 +3.2159762878559137,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9418420169423236,1.5130932927131653,1.5492383055388927,0.5813342545260775,4.180564778916379,5.657860541343689 +2.747084261241712,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9418420169423236,1.5130932927131653,1.5492383055388927,0.5813342545260775,4.180564778916379,5.657860541343689 +2.895260635273237,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9418420169423236,1.5130932927131653,1.5492383055388927,0.5813342545260775,4.180564778916379,5.657860541343689 +3.1115302639180107,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9418420169423236,1.5130932927131653,1.5492383055388927,0.5813342545260775,4.180564778916379,5.657860541343689 +3.0654162572206634,1.9413100422379819,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9413100422379819,1.3617124557495117,1.4991647340357304,0.6056247740349872,4.264063571361786,5.297406411170959 +3.141175515126241,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9413100422379819,1.3617124557495117,1.4991647340357304,0.6056247740349872,4.264063571361786,5.297406411170959 +3.1803082088106556,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9413100422379819,1.3617124557495117,1.4991647340357304,0.6056247740349872,4.264063571361786,5.297406411170959 +2.8885709920800045,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9413100422379819,1.3617124557495117,1.4991647340357304,0.6056247740349872,4.264063571361786,5.297406411170959 +3.084192286961173,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9413100422379819,1.3617124557495117,1.4991647340357304,0.6056247740349872,4.264063571361786,5.297406411170959 +2.926734574805749,1.8344981658490414,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8344981658490414,1.2612950205802917,1.4107676111161709,0.4613306398721451,4.138647343250031,5.297657418251038 +2.8985305006174666,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8344981658490414,1.2612950205802917,1.4107676111161709,0.4613306398721451,4.138647343250031,5.297657418251038 +3.1476422175568968,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8344981658490414,1.2612950205802917,1.4107676111161709,0.4613306398721451,4.138647343250031,5.297657418251038 +3.3268669643684436,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8344981658490414,1.2612950205802917,1.4107676111161709,0.4613306398721451,4.138647343250031,5.297657418251038 +3.121593270588078,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8344981658490414,1.2612950205802917,1.4107676111161709,0.4613306398721451,4.138647343250031,5.297657418251038 +2.994465516291951,1.997284892589805,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.997284892589805,1.5216776132583618,1.6171224378049374,0.48816393616985765,4.374856517670002,5.613454842567444 +2.921159884961028,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.997284892589805,1.5216776132583618,1.6171224378049374,0.48816393616985765,4.374856517670002,5.613454842567444 +3.0773525734481058,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.997284892589805,1.5216776132583618,1.6171224378049374,0.48816393616985765,4.374856517670002,5.613454842567444 +2.995825833827257,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.997284892589805,1.5216776132583618,1.6171224378049374,0.48816393616985765,4.374856517670002,5.613454842567444 +2.821782677542222,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.997284892589805,1.5216776132583618,1.6171224378049374,0.48816393616985765,4.374856517670002,5.613454842567444 +3.259678483440688,2.4243102928108358,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4243102928108358,2.0014967918395996,2.1528657749295235,1.027100126159952,4.464572972439705,5.345015954971316 +2.8637286286212897,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4243102928108358,2.0014967918395996,2.1528657749295235,1.027100126159952,4.464572972439705,5.345015954971316 +3.336863523721695,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4243102928108358,2.0014967918395996,2.1528657749295235,1.027100126159952,4.464572972439705,5.345015954971316 +2.825025100064905,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4243102928108358,2.0014967918395996,2.1528657749295235,1.027100126159952,4.464572972439705,5.345015954971316 +2.942616024652594,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4243102928108358,2.0014967918395996,2.1528657749295235,1.027100126159952,4.464572972439705,5.345015954971316 +3.1074972186041507,1.8620213784198179,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8620213784198179,1.3599759936332703,1.458465900272131,0.5999708304062803,3.9920143472387437,5.275160598754884 +3.0638694644954643,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8620213784198179,1.3599759936332703,1.458465900272131,0.5999708304062803,3.9920143472387437,5.275160598754884 +2.920683494327884,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8620213784198179,1.3599759936332703,1.458465900272131,0.5999708304062803,3.9920143472387437,5.275160598754884 +2.9957051063054485,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8620213784198179,1.3599759936332703,1.458465900272131,0.5999708304062803,3.9920143472387437,5.275160598754884 +2.9337469090168415,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8620213784198179,1.3599759936332703,1.458465900272131,0.5999708304062803,3.9920143472387437,5.275160598754884 +2.794019648315091,2.1149301940694136,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1149301940694136,1.6630682945251465,1.791202388703823,0.7172131333896454,4.225084878028707,5.176850628852844 +3.0749126041602146,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1149301940694136,1.6630682945251465,1.791202388703823,0.7172131333896454,4.225084878028707,5.176850628852844 +2.8898110178348264,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1149301940694136,1.6630682945251465,1.791202388703823,0.7172131333896454,4.225084878028707,5.176850628852844 +2.750352392502521,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1149301940694136,1.6630682945251465,1.791202388703823,0.7172131333896454,4.225084878028707,5.176850628852844 +3.239175777392168,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1149301940694136,1.6630682945251465,1.791202388703823,0.7172131333896454,4.225084878028707,5.176850628852844 +3.141631362391146,2.8477855010869657,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8477855010869657,2.485301971435547,2.585689887404442,1.4552147299685376,4.8769206239822065,5.376197886466981 +3.2793858089729357,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8477855010869657,2.485301971435547,2.585689887404442,1.4552147299685376,4.8769206239822065,5.376197886466981 +3.3024029538819666,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8477855010869657,2.485301971435547,2.585689887404442,1.4552147299685376,4.8769206239822065,5.376197886466981 +3.2060571781114526,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8477855010869657,2.485301971435547,2.585689887404442,1.4552147299685376,4.8769206239822065,5.376197886466981 +3.0288723250164797,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8477855010869657,2.485301971435547,2.585689887404442,1.4552147299685376,4.8769206239822065,5.376197886466981 +3.1991867355806263,2.3346313678045223,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3346313678045223,1.989126443862915,2.0725573748350143,0.8755530584999855,4.412990143958559,5.394960927963258 +3.1638314821806395,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3346313678045223,1.989126443862915,2.0725573748350143,0.8755530584999855,4.412990143958559,5.394960927963258 +3.241081259576114,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3346313678045223,1.989126443862915,2.0725573748350143,0.8755530584999855,4.412990143958559,5.394960927963258 +3.216529190324639,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3346313678045223,1.989126443862915,2.0725573748350143,0.8755530584999855,4.412990143958559,5.394960927963258 +3.177413831337502,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3346313678045223,1.989126443862915,2.0725573748350143,0.8755530584999855,4.412990143958559,5.394960927963258 +3.264854479737972,2.16817773276187,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.16817773276187,1.7398391366004944,1.8063315153121948,0.6174998181931516,4.444488890627597,5.330843138694764 +3.0607420423705327,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.16817773276187,1.7398391366004944,1.8063315153121948,0.6174998181931516,4.444488890627597,5.330843138694764 +2.9114928190253284,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.16817773276187,1.7398391366004944,1.8063315153121948,0.6174998181931516,4.444488890627597,5.330843138694764 +3.150079757171242,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.16817773276187,1.7398391366004944,1.8063315153121948,0.6174998181931516,4.444488890627597,5.330843138694764 +3.247957047937732,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.16817773276187,1.7398391366004944,1.8063315153121948,0.6174998181931516,4.444488890627597,5.330843138694764 +3.035715999062124,2.1048251415820833,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1048251415820833,1.6318327188491821,1.7298395335674286,0.6016517256168609,4.412807013126129,5.775146579742431 +3.1798361874136485,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1048251415820833,1.6318327188491821,1.7298395335674286,0.6016517256168609,4.412807013126129,5.775146579742431 +3.2597128533415103,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1048251415820833,1.6318327188491821,1.7298395335674286,0.6016517256168609,4.412807013126129,5.775146579742431 +3.028793844070874,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1048251415820833,1.6318327188491821,1.7298395335674286,0.6016517256168609,4.412807013126129,5.775146579742431 +2.9977541788236093,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1048251415820833,1.6318327188491821,1.7298395335674286,0.6016517256168609,4.412807013126129,5.775146579742431 +3.139223505046807,2.2759734674337064,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2759734674337064,1.8661348223686218,1.9769088476896286,0.8044863596875617,4.484747211983863,5.298103213310244 +3.074260963146624,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2759734674337064,1.8661348223686218,1.9769088476896286,0.8044863596875617,4.484747211983863,5.298103213310244 +3.3461115132429096,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2759734674337064,1.8661348223686218,1.9769088476896286,0.8044863596875617,4.484747211983863,5.298103213310244 +3.028308369905541,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2759734674337064,1.8661348223686218,1.9769088476896286,0.8044863596875617,4.484747211983863,5.298103213310244 +2.970359779031653,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2759734674337064,1.8661348223686218,1.9769088476896286,0.8044863596875617,4.484747211983863,5.298103213310244 +3.024280090747695,2.2148342241949224,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2148342241949224,1.7438234686851501,1.8493770435452461,0.9077587387663253,4.3749467362748815,5.162345123291016 +3.062167630285809,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2148342241949224,1.7438234686851501,1.8493770435452461,0.9077587387663253,4.3749467362748815,5.162345123291016 +2.8554527060569903,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2148342241949224,1.7438234686851501,1.8493770435452461,0.9077587387663253,4.3749467362748815,5.162345123291016 +3.0615988300034873,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2148342241949224,1.7438234686851501,1.8493770435452461,0.9077587387663253,4.3749467362748815,5.162345123291016 +3.1074200687831954,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2148342241949224,1.7438234686851501,1.8493770435452461,0.9077587387663253,4.3749467362748815,5.162345123291016 +3.024064975663235,2.005998522003597,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.005998522003597,1.473126471042633,1.645223181694746,0.6318380539404586,4.201249954548288,5.185178685188294 +2.8543954971001337,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.005998522003597,1.473126471042633,1.645223181694746,0.6318380539404586,4.201249954548288,5.185178685188294 +3.09075967669487,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.005998522003597,1.473126471042633,1.645223181694746,0.6318380539404586,4.201249954548288,5.185178685188294 +3.1770815725585346,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.005998522003597,1.473126471042633,1.645223181694746,0.6318380539404586,4.201249954548288,5.185178685188294 +2.9900235554889627,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.005998522003597,1.473126471042633,1.645223181694746,0.6318380539404586,4.201249954548288,5.185178685188294 +2.937928353955871,2.1927361900502063,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1927361900502063,1.748453676700592,1.8037399053573608,0.5986769732008589,4.648404760563627,6.059362363815309 +3.224970696827299,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1927361900502063,1.748453676700592,1.8037399053573608,0.5986769732008589,4.648404760563627,6.059362363815309 +3.058493192846838,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1927361900502063,1.748453676700592,1.8037399053573608,0.5986769732008589,4.648404760563627,6.059362363815309 +3.035394674617993,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1927361900502063,1.748453676700592,1.8037399053573608,0.5986769732008589,4.648404760563627,6.059362363815309 +3.160547766422755,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1927361900502063,1.748453676700592,1.8037399053573608,0.5986769732008589,4.648404760563627,6.059362363815309 +2.9917503045185616,2.0562567828976093,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0562567828976093,1.4591797590255737,1.6408336646854877,0.5183799282667485,4.511390478052991,5.552413654327393 +3.2059184285370925,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0562567828976093,1.4591797590255737,1.6408336646854877,0.5183799282667485,4.511390478052991,5.552413654327393 +2.9629679697516718,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0562567828976093,1.4591797590255737,1.6408336646854877,0.5183799282667485,4.511390478052991,5.552413654327393 +3.0157155334557357,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0562567828976093,1.4591797590255737,1.6408336646854877,0.5183799282667485,4.511390478052991,5.552413654327393 +3.1415182235993835,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0562567828976093,1.4591797590255737,1.6408336646854877,0.5183799282667485,4.511390478052991,5.552413654327393 +2.840338502020428,1.857588141522509,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.857588141522509,1.2873998880386353,1.430797640234232,0.42411835650180246,4.2203770191111465,5.5904710531234745 +2.9841667960152813,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.857588141522509,1.2873998880386353,1.430797640234232,0.42411835650180246,4.2203770191111465,5.5904710531234745 +3.1089973154036623,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.857588141522509,1.2873998880386353,1.430797640234232,0.42411835650180246,4.2203770191111465,5.5904710531234745 +3.018784966359013,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.857588141522509,1.2873998880386353,1.430797640234232,0.42411835650180246,4.2203770191111465,5.5904710531234745 +3.0646705259814073,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.857588141522509,1.2873998880386353,1.430797640234232,0.42411835650180246,4.2203770191111465,5.5904710531234745 +3.162017518536825,1.9464559621633368,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9464559621633368,1.430944561958313,1.5279971659183502,0.4860469255041569,4.410187594434048,5.870423889160158 +2.7827912732958793,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9464559621633368,1.430944561958313,1.5279971659183502,0.4860469255041569,4.410187594434048,5.870423889160158 +2.9317805634125285,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9464559621633368,1.430944561958313,1.5279971659183502,0.4860469255041569,4.410187594434048,5.870423889160158 +3.004612699151039,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9464559621633368,1.430944561958313,1.5279971659183502,0.4860469255041569,4.410187594434048,5.870423889160158 +3.0979809621250944,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9464559621633368,1.430944561958313,1.5279971659183502,0.4860469255041569,4.410187594434048,5.870423889160158 +3.1496741412697653,1.922669186355903,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.922669186355903,1.4187886714935303,1.5382550582289696,0.5032120427869736,4.191297120236336,5.424865341186524 +3.0744282423273512,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.922669186355903,1.4187886714935303,1.5382550582289696,0.5032120427869736,4.191297120236336,5.424865341186524 +3.261348693621786,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.922669186355903,1.4187886714935303,1.5382550582289696,0.5032120427869736,4.191297120236336,5.424865341186524 +3.125900229850882,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.922669186355903,1.4187886714935303,1.5382550582289696,0.5032120427869736,4.191297120236336,5.424865341186524 +3.2750895627235113,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.922669186355903,1.4187886714935303,1.5382550582289696,0.5032120427869736,4.191297120236336,5.424865341186524 +2.8502444339229873,2.004364417271411,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.004364417271411,1.42882239818573,1.5958372950553894,0.6774278168982648,4.301507457773736,5.692493557929993 +3.0719301665495884,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.004364417271411,1.42882239818573,1.5958372950553894,0.6774278168982648,4.301507457773736,5.692493557929993 +3.11199687597783,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.004364417271411,1.42882239818573,1.5958372950553894,0.6774278168982648,4.301507457773736,5.692493557929993 +3.0564581254595202,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.004364417271411,1.42882239818573,1.5958372950553894,0.6774278168982648,4.301507457773736,5.692493557929993 +3.1855549217054717,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.004364417271411,1.42882239818573,1.5958372950553894,0.6774278168982648,4.301507457773736,5.692493557929993 +2.9285647487561954,2.0994538694144564,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0994538694144564,1.7041571736335754,1.721084550023079,0.7385185998170933,4.258303043690134,5.898291349411011 +3.2662143740999072,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0994538694144564,1.7041571736335754,1.721084550023079,0.7385185998170933,4.258303043690134,5.898291349411011 +3.100809742490712,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0994538694144564,1.7041571736335754,1.721084550023079,0.7385185998170933,4.258303043690134,5.898291349411011 +3.0135577554177297,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0994538694144564,1.7041571736335754,1.721084550023079,0.7385185998170933,4.258303043690134,5.898291349411011 +3.0245357610873485,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0994538694144564,1.7041571736335754,1.721084550023079,0.7385185998170933,4.258303043690134,5.898291349411011 +3.0591407701961306,1.9707374954794317,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9707374954794317,1.400045931339264,1.5535687170922756,0.7207471125937522,4.187363203535688,5.5609508037567155 +3.0375790210538787,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9707374954794317,1.400045931339264,1.5535687170922756,0.7207471125937522,4.187363203535688,5.5609508037567155 +2.8876477072505575,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9707374954794317,1.400045931339264,1.5535687170922756,0.7207471125937522,4.187363203535688,5.5609508037567155 +3.0537546091958094,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9707374954794317,1.400045931339264,1.5535687170922756,0.7207471125937522,4.187363203535688,5.5609508037567155 +3.110097324848175,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9707374954794317,1.400045931339264,1.5535687170922756,0.7207471125937522,4.187363203535688,5.5609508037567155 +3.177967438062555,2.3125851193165525,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3125851193165525,1.8204278349876404,1.991077296435833,0.7411474043384512,4.674348942776944,5.624648499488831 +2.8892265559419203,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3125851193165525,1.8204278349876404,1.991077296435833,0.7411474043384512,4.674348942776944,5.624648499488831 +3.0999892717129307,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3125851193165525,1.8204278349876404,1.991077296435833,0.7411474043384512,4.674348942776944,5.624648499488831 +3.0387374155811573,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3125851193165525,1.8204278349876404,1.991077296435833,0.7411474043384512,4.674348942776944,5.624648499488831 +3.0872040730361876,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3125851193165525,1.8204278349876404,1.991077296435833,0.7411474043384512,4.674348942776944,5.624648499488831 +2.8291477096904267,1.8384280208339716,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8384280208339716,1.3286693096160889,1.399958461523056,0.43883926072653306,4.166579236375525,5.4711742401123065 +2.836617323089587,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8384280208339716,1.3286693096160889,1.399958461523056,0.43883926072653306,4.166579236375525,5.4711742401123065 +2.9822216294117663,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8384280208339716,1.3286693096160889,1.399958461523056,0.43883926072653306,4.166579236375525,5.4711742401123065 +3.280286875367165,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8384280208339716,1.3286693096160889,1.399958461523056,0.43883926072653306,4.166579236375525,5.4711742401123065 +3.0173902814325535,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8384280208339716,1.3286693096160889,1.399958461523056,0.43883926072653306,4.166579236375525,5.4711742401123065 +3.133869690683327,2.1230910826236644,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1230910826236644,1.6506677865982056,1.7676476389169693,0.6222473167358561,4.438712916475661,5.552874827384953 +2.831220545149163,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1230910826236644,1.6506677865982056,1.7676476389169693,0.6222473167358561,4.438712916475661,5.552874827384953 +3.1737648193185266,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1230910826236644,1.6506677865982056,1.7676476389169693,0.6222473167358561,4.438712916475661,5.552874827384953 +3.0875320210856825,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1230910826236644,1.6506677865982056,1.7676476389169693,0.6222473167358561,4.438712916475661,5.552874827384953 +3.1482140319323855,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1230910826236644,1.6506677865982056,1.7676476389169693,0.6222473167358561,4.438712916475661,5.552874827384953 +2.9534504409095175,2.2840691865124603,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2840691865124603,1.862140417098999,1.9304568693041801,0.7909487194203316,4.593105585017103,5.852250504493715 +2.959335227918468,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2840691865124603,1.862140417098999,1.9304568693041801,0.7909487194203316,4.593105585017103,5.852250504493715 +2.925806073667972,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2840691865124603,1.862140417098999,1.9304568693041801,0.7909487194203316,4.593105585017103,5.852250504493715 +3.1149951603655754,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2840691865124603,1.862140417098999,1.9304568693041801,0.7909487194203316,4.593105585017103,5.852250504493715 +2.972590453863928,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2840691865124603,1.862140417098999,1.9304568693041801,0.7909487194203316,4.593105585017103,5.852250504493715 +2.9947872278329575,2.11715606750643,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.11715606750643,1.6456195712089539,1.7263185866177082,0.5872461913113899,4.433352226906634,5.939240765571594 +3.190760959488781,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.11715606750643,1.6456195712089539,1.7263185866177082,0.5872461913113899,4.433352226906634,5.939240765571594 +3.174217187338754,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.11715606750643,1.6456195712089539,1.7263185866177082,0.5872461913113899,4.433352226906634,5.939240765571594 +2.8424479720035665,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.11715606750643,1.6456195712089539,1.7263185866177082,0.5872461913113899,4.433352226906634,5.939240765571594 +3.1725216466737423,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.11715606750643,1.6456195712089539,1.7263185866177082,0.5872461913113899,4.433352226906634,5.939240765571594 +3.0140198333286925,2.2707913533804263,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2707913533804263,1.722652792930603,1.8771833777427673,0.8866952822563496,4.559665461804005,5.922243666648866 +3.243769445152659,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2707913533804263,1.722652792930603,1.8771833777427673,0.8866952822563496,4.559665461804005,5.922243666648866 +3.108199184799665,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2707913533804263,1.722652792930603,1.8771833777427673,0.8866952822563496,4.559665461804005,5.922243666648866 +3.209283100950875,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2707913533804263,1.722652792930603,1.8771833777427673,0.8866952822563496,4.559665461804005,5.922243666648866 +3.04509870327617,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2707913533804263,1.722652792930603,1.8771833777427673,0.8866952822563496,4.559665461804005,5.922243666648866 +3.294380609299007,2.2279709058793937,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2279709058793937,1.6855114102363586,1.848071962594986,0.7736269570094474,4.476350880683737,5.487814497947694 +2.9082110765929285,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2279709058793937,1.6855114102363586,1.848071962594986,0.7736269570094474,4.476350880683737,5.487814497947694 +3.210309068937051,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2279709058793937,1.6855114102363586,1.848071962594986,0.7736269570094474,4.476350880683737,5.487814497947694 +2.9851067641455877,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2279709058793937,1.6855114102363586,1.848071962594986,0.7736269570094474,4.476350880683737,5.487814497947694 +3.001581187036477,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2279709058793937,1.6855114102363586,1.848071962594986,0.7736269570094474,4.476350880683737,5.487814497947694 +3.048025188849945,2.3242799482764083,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3242799482764083,1.7827330231666565,1.9876891672611237,0.6953506907250019,4.803928157116505,5.400850248336792 +2.8957128388513076,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3242799482764083,1.7827330231666565,1.9876891672611237,0.6953506907250019,4.803928157116505,5.400850248336792 +2.802142699102038,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3242799482764083,1.7827330231666565,1.9876891672611237,0.6953506907250019,4.803928157116505,5.400850248336792 +3.1839722949815426,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3242799482764083,1.7827330231666565,1.9876891672611237,0.6953506907250019,4.803928157116505,5.400850248336792 +3.0007320078972137,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3242799482764083,1.7827330231666565,1.9876891672611237,0.6953506907250019,4.803928157116505,5.400850248336792 +3.00973290069715,2.009015463728537,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009015463728537,1.6354544758796692,1.7064520195126534,0.59935593842826,4.086195752975788,5.1192232370376605 +3.073861393861865,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009015463728537,1.6354544758796692,1.7064520195126534,0.59935593842826,4.086195752975788,5.1192232370376605 +2.8975105599549256,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009015463728537,1.6354544758796692,1.7064520195126534,0.59935593842826,4.086195752975788,5.1192232370376605 +3.0884388488570327,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009015463728537,1.6354544758796692,1.7064520195126534,0.59935593842826,4.086195752975788,5.1192232370376605 +3.233513727862584,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009015463728537,1.6354544758796692,1.7064520195126534,0.59935593842826,4.086195752975788,5.1192232370376605 +3.1260355391000445,2.3339022917554098,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3339022917554098,1.9961570501327515,2.073821000754833,0.6568928574945064,4.4584154930520565,5.2223628044128425 +2.879086305808864,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3339022917554098,1.9961570501327515,2.073821000754833,0.6568928574945064,4.4584154930520565,5.2223628044128425 +2.9200007793934724,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3339022917554098,1.9961570501327515,2.073821000754833,0.6568928574945064,4.4584154930520565,5.2223628044128425 +3.1098149854885904,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3339022917554098,1.9961570501327515,2.073821000754833,0.6568928574945064,4.4584154930520565,5.2223628044128425 +2.9597433574105563,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3339022917554098,1.9961570501327515,2.073821000754833,0.6568928574945064,4.4584154930520565,5.2223628044128425 +2.828526024069441,2.3458927607441202,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3458927607441202,1.8010144233703613,1.9350891411304474,1.033179961937539,4.592254435762446,6.452928805351258 +3.017221989992418,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3458927607441202,1.8010144233703613,1.9350891411304474,1.033179961937539,4.592254435762446,6.452928805351258 +2.9667435044716846,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3458927607441202,1.8010144233703613,1.9350891411304474,1.033179961937539,4.592254435762446,6.452928805351258 +2.9626744454432474,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3458927607441202,1.8010144233703613,1.9350891411304474,1.033179961937539,4.592254435762446,6.452928805351258 +3.1647859082018073,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3458927607441202,1.8010144233703613,1.9350891411304474,1.033179961937539,4.592254435762446,6.452928805351258 +3.0057853927541722,2.0015591816937035,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0015591816937035,1.5687274932861328,1.6332119591534138,0.5432689885826821,4.308275831506608,5.702431559562683 +3.015389873852071,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0015591816937035,1.5687274932861328,1.6332119591534138,0.5432689885826821,4.308275831506608,5.702431559562683 +3.1918667021158496,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0015591816937035,1.5687274932861328,1.6332119591534138,0.5432689885826821,4.308275831506608,5.702431559562683 +3.0492256166315395,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0015591816937035,1.5687274932861328,1.6332119591534138,0.5432689885826821,4.308275831506608,5.702431559562683 +3.1463421104573888,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0015591816937035,1.5687274932861328,1.6332119591534138,0.5432689885826821,4.308275831506608,5.702431559562683 +3.059505116155273,2.25667576135156,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.25667576135156,1.8162835240364075,1.9489275068044662,0.6262884948481905,4.622795099907733,5.820370221138003 +3.0347599753815877,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.25667576135156,1.8162835240364075,1.9489275068044662,0.6262884948481905,4.622795099907733,5.820370221138003 +3.076285050554495,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.25667576135156,1.8162835240364075,1.9489275068044662,0.6262884948481905,4.622795099907733,5.820370221138003 +3.0781055365934185,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.25667576135156,1.8162835240364075,1.9489275068044662,0.6262884948481905,4.622795099907733,5.820370221138003 +3.081193760704053,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.25667576135156,1.8162835240364075,1.9489275068044662,0.6262884948481905,4.622795099907733,5.820370221138003 +2.9465469577398737,2.0617451375707034,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0617451375707034,1.5483429431915283,1.6382796801626682,0.665620189873462,4.332124730373951,5.981902408599854 +3.167631308146213,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0617451375707034,1.5483429431915283,1.6382796801626682,0.665620189873462,4.332124730373951,5.981902408599854 +3.1352077948027537,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0617451375707034,1.5483429431915283,1.6382796801626682,0.665620189873462,4.332124730373951,5.981902408599854 +3.1359558103900205,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0617451375707034,1.5483429431915283,1.6382796801626682,0.665620189873462,4.332124730373951,5.981902408599854 +3.062160618269914,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0617451375707034,1.5483429431915283,1.6382796801626682,0.665620189873462,4.332124730373951,5.981902408599854 +3.09284042198407,2.6234001220857843,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6234001220857843,2.2789502143859863,2.35271455347538,0.9797491602441097,4.769573277615486,5.661484265327455 +3.2375064796326978,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6234001220857843,2.2789502143859863,2.35271455347538,0.9797491602441097,4.769573277615486,5.661484265327455 +3.129825903514498,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6234001220857843,2.2789502143859863,2.35271455347538,0.9797491602441097,4.769573277615486,5.661484265327455 +2.949393550953583,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6234001220857843,2.2789502143859863,2.35271455347538,0.9797491602441097,4.769573277615486,5.661484265327455 +2.9447633210373554,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.6234001220857843,2.2789502143859863,2.35271455347538,0.9797491602441097,4.769573277615486,5.661484265327455 +2.9331908304440346,1.861984295929049,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.861984295929049,1.2812201976776123,1.429740060120821,0.4026028902289715,4.283213240035037,5.624793219566346 +3.0380889230064656,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.861984295929049,1.2812201976776123,1.429740060120821,0.4026028902289715,4.283213240035037,5.624793219566346 +2.9016821823229915,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.861984295929049,1.2812201976776123,1.429740060120821,0.4026028902289715,4.283213240035037,5.624793219566346 +3.0239341364095087,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.861984295929049,1.2812201976776123,1.429740060120821,0.4026028902289715,4.283213240035037,5.624793219566346 +2.8785111333978803,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.861984295929049,1.2812201976776123,1.429740060120821,0.4026028902289715,4.283213240035037,5.624793219566346 +3.0243409416981435,2.068543443773338,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.068543443773338,1.4627963304519653,1.614316251128912,0.548854742119921,4.660098496903765,6.424331879615783 +3.123651798285152,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.068543443773338,1.4627963304519653,1.614316251128912,0.548854742119921,4.660098496903765,6.424331879615783 +3.2135413398083887,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.068543443773338,1.4627963304519653,1.614316251128912,0.548854742119921,4.660098496903765,6.424331879615783 +3.2776291623711584,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.068543443773338,1.4627963304519653,1.614316251128912,0.548854742119921,4.660098496903765,6.424331879615783 +3.067117700353265,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.068543443773338,1.4627963304519653,1.614316251128912,0.548854742119921,4.660098496903765,6.424331879615783 +2.877973602261198,3.597095734261452,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.597095734261452,3.027438163757324,3.1828296929597855,2.0362971285556224,6.075855427599968,6.8347362041473385 +2.928885813233884,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.597095734261452,3.027438163757324,3.1828296929597855,2.0362971285556224,6.075855427599968,6.8347362041473385 +2.723877401669559,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.597095734261452,3.027438163757324,3.1828296929597855,2.0362971285556224,6.075855427599968,6.8347362041473385 +2.8556183898135235,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.597095734261452,3.027438163757324,3.1828296929597855,2.0362971285556224,6.075855427599968,6.8347362041473385 +2.998883202711218,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,3.597095734261452,3.027438163757324,3.1828296929597855,2.0362971285556224,6.075855427599968,6.8347362041473385 +2.9887367137168583,1.8882664848673851,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8882664848673851,1.2908061742782593,1.4630705080926418,0.48272064676944243,4.275472945355355,6.263939738273621 +2.8902268316596746,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8882664848673851,1.2908061742782593,1.4630705080926418,0.48272064676944243,4.275472945355355,6.263939738273621 +3.185981019664752,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8882664848673851,1.2908061742782593,1.4630705080926418,0.48272064676944243,4.275472945355355,6.263939738273621 +2.849800196133162,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8882664848673851,1.2908061742782593,1.4630705080926418,0.48272064676944243,4.275472945355355,6.263939738273621 +3.1701670280216554,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8882664848673851,1.2908061742782593,1.4630705080926418,0.48272064676944243,4.275472945355355,6.263939738273621 +3.2575034813465256,1.9211870502839064,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9211870502839064,1.482534945011139,1.516533251851797,0.41574045999887144,4.333651415845181,5.563867068290712 +3.2933583570938363,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9211870502839064,1.482534945011139,1.516533251851797,0.41574045999887144,4.333651415845181,5.563867068290712 +3.041407940497524,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9211870502839064,1.482534945011139,1.516533251851797,0.41574045999887144,4.333651415845181,5.563867068290712 +2.944830170352208,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9211870502839064,1.482534945011139,1.516533251851797,0.41574045999887144,4.333651415845181,5.563867068290712 +3.011458315974788,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9211870502839064,1.482534945011139,1.516533251851797,0.41574045999887144,4.333651415845181,5.563867068290712 +2.7339640792067113,1.9597963066177164,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9597963066177164,1.3771923780441284,1.5296327583491802,0.4599555553273952,4.373072167660328,5.721771049499512 +2.9516806523070525,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9597963066177164,1.3771923780441284,1.5296327583491802,0.4599555553273952,4.373072167660328,5.721771049499512 +3.1931359412834834,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9597963066177164,1.3771923780441284,1.5296327583491802,0.4599555553273952,4.373072167660328,5.721771049499512 +3.015760402753949,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9597963066177164,1.3771923780441284,1.5296327583491802,0.4599555553273952,4.373072167660328,5.721771049499512 +2.9969580847769977,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9597963066177164,1.3771923780441284,1.5296327583491802,0.4599555553273952,4.373072167660328,5.721771049499512 +3.270881158446795,2.334635400470901,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.334635400470901,1.875318706035614,1.9910538122057915,0.8610087687030752,4.670548829626529,5.566322255134583 +3.273658729109325,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.334635400470901,1.875318706035614,1.9910538122057915,0.8610087687030752,4.670548829626529,5.566322255134583 +3.2095643923078714,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.334635400470901,1.875318706035614,1.9910538122057915,0.8610087687030752,4.670548829626529,5.566322255134583 +2.899489508079071,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.334635400470901,1.875318706035614,1.9910538122057915,0.8610087687030752,4.670548829626529,5.566322255134583 +2.9700348410755395,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.334635400470901,1.875318706035614,1.9910538122057915,0.8610087687030752,4.670548829626529,5.566322255134583 +3.0646376800184187,2.059835816555201,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.059835816555201,1.4434713125228882,1.5695503503084183,0.6228808021925866,4.413672310240726,5.530088663101198 +3.0536633250352585,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.059835816555201,1.4434713125228882,1.5695503503084183,0.6228808021925866,4.413672310240726,5.530088663101198 +3.093488542990465,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.059835816555201,1.4434713125228882,1.5695503503084183,0.6228808021925866,4.413672310240726,5.530088663101198 +3.146422225413354,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.059835816555201,1.4434713125228882,1.5695503503084183,0.6228808021925866,4.413672310240726,5.530088663101198 +2.9443447567522525,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.059835816555201,1.4434713125228882,1.5695503503084183,0.6228808021925866,4.413672310240726,5.530088663101198 +2.9803100369478526,2.3277729798029076,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3277729798029076,1.8285086750984192,1.9319846108555794,0.7478293627500534,4.7424483806528945,6.143275284767151 +3.238549511448333,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3277729798029076,1.8285086750984192,1.9319846108555794,0.7478293627500534,4.7424483806528945,6.143275284767151 +3.0590375542836754,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3277729798029076,1.8285086750984192,1.9319846108555794,0.7478293627500534,4.7424483806528945,6.143275284767151 +3.1823342136450505,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3277729798029076,1.8285086750984192,1.9319846108555794,0.7478293627500534,4.7424483806528945,6.143275284767151 +2.985743669400874,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3277729798029076,1.8285086750984192,1.9319846108555794,0.7478293627500534,4.7424483806528945,6.143275284767151 +3.073777354155716,2.1976260913020753,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1976260913020753,1.6894922256469727,1.7993529587984085,0.7971634722136437,4.48877515691392,6.064464807510376 +3.0116314788005853,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1976260913020753,1.6894922256469727,1.7993529587984085,0.7971634722136437,4.48877515691392,6.064464807510376 +2.840412347273607,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1976260913020753,1.6894922256469727,1.7993529587984085,0.7971634722136437,4.48877515691392,6.064464807510376 +2.972646597184633,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1976260913020753,1.6894922256469727,1.7993529587984085,0.7971634722136437,4.48877515691392,6.064464807510376 +2.968922416728578,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.1976260913020753,1.6894922256469727,1.7993529587984085,0.7971634722136437,4.48877515691392,6.064464807510376 +2.9679574083340796,1.9426831091417278,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9426831091417278,1.3775004148483276,1.5701258108019829,0.5118769377152971,4.2193346226469,5.472789621353149 +3.0584500021056127,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9426831091417278,1.3775004148483276,1.5701258108019829,0.5118769377152971,4.2193346226469,5.472789621353149 +3.036154856552419,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9426831091417278,1.3775004148483276,1.5701258108019829,0.5118769377152971,4.2193346226469,5.472789621353149 +2.940810185670853,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9426831091417278,1.3775004148483276,1.5701258108019829,0.5118769377152971,4.2193346226469,5.472789621353149 +2.86178977107139,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9426831091417278,1.3775004148483276,1.5701258108019829,0.5118769377152971,4.2193346226469,5.472789621353149 +2.9690191088146287,2.3022712175833417,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3022712175833417,1.8410692811012268,1.9372930154204369,0.9548270848203213,4.492162004430243,5.955922961235046 +3.0846555470636017,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3022712175833417,1.8410692811012268,1.9372930154204369,0.9548270848203213,4.492162004430243,5.955922961235046 +3.0003973544036087,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3022712175833417,1.8410692811012268,1.9372930154204369,0.9548270848203213,4.492162004430243,5.955922961235046 +3.079522640414928,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3022712175833417,1.8410692811012268,1.9372930154204369,0.9548270848203213,4.492162004430243,5.955922961235046 +3.19633958841625,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.3022712175833417,1.8410692811012268,1.9372930154204369,0.9548270848203213,4.492162004430243,5.955922961235046 +3.0064911838032695,2.0333805851479796,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0333805851479796,1.4062966704368591,1.6243241503834724,0.6513948161551293,4.315329074859619,5.777366518974305 +2.9621294845483805,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0333805851479796,1.4062966704368591,1.6243241503834724,0.6513948161551293,4.315329074859619,5.777366518974305 +3.1074358803465176,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0333805851479796,1.4062966704368591,1.6243241503834724,0.6513948161551293,4.315329074859619,5.777366518974305 +3.2957840477753626,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0333805851479796,1.4062966704368591,1.6243241503834724,0.6513948161551293,4.315329074859619,5.777366518974305 +2.9786545305659895,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0333805851479796,1.4062966704368591,1.6243241503834724,0.6513948161551293,4.315329074859619,5.777366518974305 +3.0175241063496,1.8997565085028714,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8997565085028714,1.3874799013137817,1.4598724283277988,0.4617515100126571,4.372845959156118,6.263543605804445 +3.1979412116306394,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8997565085028714,1.3874799013137817,1.4598724283277988,0.4617515100126571,4.372845959156118,6.263543605804445 +2.9409830541398962,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8997565085028714,1.3874799013137817,1.4598724283277988,0.4617515100126571,4.372845959156118,6.263543605804445 +3.3145102777175213,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8997565085028714,1.3874799013137817,1.4598724283277988,0.4617515100126571,4.372845959156118,6.263543605804445 +3.345245121870386,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8997565085028714,1.3874799013137817,1.4598724283277988,0.4617515100126571,4.372845959156118,6.263543605804445 +2.832494012423252,2.8997880508925054,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8997880508925054,2.453167676925659,2.6148618012666702,0.9785591858498593,5.6413435327245836,6.579463410377503 +3.158085161643593,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8997880508925054,2.453167676925659,2.6148618012666702,0.9785591858498593,5.6413435327245836,6.579463410377503 +3.1597716987133024,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8997880508925054,2.453167676925659,2.6148618012666702,0.9785591858498593,5.6413435327245836,6.579463410377503 +3.0354710321285223,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8997880508925054,2.453167676925659,2.6148618012666702,0.9785591858498593,5.6413435327245836,6.579463410377503 +3.2689657605008073,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.8997880508925054,2.453167676925659,2.6148618012666702,0.9785591858498593,5.6413435327245836,6.579463410377503 +2.9751885002969125,2.0829162685240203,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0829162685240203,1.5619547963142395,1.6629891097545624,0.6567643089814389,4.431240558624268,5.626991391181946 +2.8997125194260946,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0829162685240203,1.5619547963142395,1.6629891097545624,0.6567643089814389,4.431240558624268,5.626991391181946 +2.8766413539648057,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0829162685240203,1.5619547963142395,1.6629891097545624,0.6567643089814389,4.431240558624268,5.626991391181946 +2.97358176845469,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0829162685240203,1.5619547963142395,1.6629891097545624,0.6567643089814389,4.431240558624268,5.626991391181946 +3.0993699112809017,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0829162685240203,1.5619547963142395,1.6629891097545624,0.6567643089814389,4.431240558624268,5.626991391181946 +3.0083455647096824,1.9319463024272563,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9319463024272563,1.3814576864242554,1.5121838264167309,0.4643644744411428,4.291315809209296,5.492872667312626 +3.0319484289539487,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9319463024272563,1.3814576864242554,1.5121838264167309,0.4643644744411428,4.291315809209296,5.492872667312626 +3.2869857535158333,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9319463024272563,1.3814576864242554,1.5121838264167309,0.4643644744411428,4.291315809209296,5.492872667312626 +3.1319970448550425,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9319463024272563,1.3814576864242554,1.5121838264167309,0.4643644744411428,4.291315809209296,5.492872667312626 +3.0465804044745473,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9319463024272563,1.3814576864242554,1.5121838264167309,0.4643644744411428,4.291315809209296,5.492872667312626 +2.858050525462941,1.8454998993572402,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8454998993572402,1.3062397837638855,1.3704830035567284,0.3850616769904786,4.294265929688799,5.896144723892212 +3.004123770582833,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8454998993572402,1.3062397837638855,1.3704830035567284,0.3850616769904786,4.294265929688799,5.896144723892212 +2.988153200616178,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8454998993572402,1.3062397837638855,1.3704830035567284,0.3850616769904786,4.294265929688799,5.896144723892212 +2.8176011011788717,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8454998993572402,1.3062397837638855,1.3704830035567284,0.3850616769904786,4.294265929688799,5.896144723892212 +3.134894002542684,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.8454998993572402,1.3062397837638855,1.3704830035567284,0.3850616769904786,4.294265929688799,5.896144723892212 +2.8719145851895997,2.153626588351549,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.153626588351549,1.7749255299568176,1.8471795096993446,0.663326362029035,4.378172554868333,5.387169885635376 +3.3050656480420577,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.153626588351549,1.7749255299568176,1.8471795096993446,0.663326362029035,4.378172554868333,5.387169885635376 +3.0347533296401563,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.153626588351549,1.7749255299568176,1.8471795096993446,0.663326362029035,4.378172554868333,5.387169885635376 +3.0378861574750196,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.153626588351549,1.7749255299568176,1.8471795096993446,0.663326362029035,4.378172554868333,5.387169885635376 +3.3810442498836077,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.153626588351549,1.7749255299568176,1.8471795096993446,0.663326362029035,4.378172554868333,5.387169885635376 +3.063293763505001,2.009452507930233,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009452507930233,1.5858829021453857,1.667742069810629,0.4937768949473158,4.373702419565079,5.336869764328004 +3.183010387459868,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009452507930233,1.5858829021453857,1.667742069810629,0.4937768949473158,4.373702419565079,5.336869764328004 +3.0253288798426325,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009452507930233,1.5858829021453857,1.667742069810629,0.4937768949473158,4.373702419565079,5.336869764328004 +3.154785189209016,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009452507930233,1.5858829021453857,1.667742069810629,0.4937768949473158,4.373702419565079,5.336869764328004 +2.9325302749480073,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.009452507930233,1.5858829021453857,1.667742069810629,0.4937768949473158,4.373702419565079,5.336869764328004 +3.1374077058544283,2.2007834132205932,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2007834132205932,1.588808000087738,1.8359306678175926,0.6920119552536214,4.538236968060757,5.3570221900939945 +3.1833413851104284,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2007834132205932,1.588808000087738,1.8359306678175926,0.6920119552536214,4.538236968060757,5.3570221900939945 +3.134952500462532,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2007834132205932,1.588808000087738,1.8359306678175926,0.6920119552536214,4.538236968060757,5.3570221900939945 +2.797965432291752,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2007834132205932,1.588808000087738,1.8359306678175926,0.6920119552536214,4.538236968060757,5.3570221900939945 +3.137852293645081,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2007834132205932,1.588808000087738,1.8359306678175926,0.6920119552536214,4.538236968060757,5.3570221900939945 +3.1354485339240026,2.879942604518951,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.879942604518951,2.493396520614624,2.591490775346756,1.4219855285705405,5.034208845584951,6.022740697860719 +2.8122889206205546,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.879942604518951,2.493396520614624,2.591490775346756,1.4219855285705405,5.034208845584951,6.022740697860719 +2.9559510800791413,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.879942604518951,2.493396520614624,2.591490775346756,1.4219855285705405,5.034208845584951,6.022740697860719 +3.0486420481024603,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.879942604518951,2.493396520614624,2.591490775346756,1.4219855285705405,5.034208845584951,6.022740697860719 +3.0873726016596743,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.879942604518951,2.493396520614624,2.591490775346756,1.4219855285705405,5.034208845584951,6.022740697860719 +2.739720260097008,2.0591521464446756,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0591521464446756,1.535142958164215,1.6365555748343468,0.698290448873601,4.294881211950424,5.6151549339294435 +3.059963777328008,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0591521464446756,1.535142958164215,1.6365555748343468,0.698290448873601,4.294881211950424,5.6151549339294435 +3.109633901499604,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0591521464446756,1.535142958164215,1.6365555748343468,0.698290448873601,4.294881211950424,5.6151549339294435 +2.8319056969724206,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0591521464446756,1.535142958164215,1.6365555748343468,0.698290448873601,4.294881211950424,5.6151549339294435 +3.148495243803451,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.0591521464446756,1.535142958164215,1.6365555748343468,0.698290448873601,4.294881211950424,5.6151549339294435 +2.9070726880901736,1.942219340579307,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.942219340579307,1.4111143350601196,1.5586456432938576,0.528947612706651,4.278754888696874,5.34418239593506 +3.056366716050788,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.942219340579307,1.4111143350601196,1.5586456432938576,0.528947612706651,4.278754888696874,5.34418239593506 +2.8682432950131203,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.942219340579307,1.4111143350601196,1.5586456432938576,0.528947612706651,4.278754888696874,5.34418239593506 +2.7295815501362086,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.942219340579307,1.4111143350601196,1.5586456432938576,0.528947612706651,4.278754888696874,5.34418239593506 +3.0920635750419216,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.942219340579307,1.4111143350601196,1.5586456432938576,0.528947612706651,4.278754888696874,5.34418239593506 +2.911664011368626,2.057967762522241,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.057967762522241,1.5917611122131348,1.693258237093687,0.5624912704559083,4.358874041983422,5.396197962760926 +3.1800850520400625,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.057967762522241,1.5917611122131348,1.693258237093687,0.5624912704559083,4.358874041983422,5.396197962760926 +3.0230785196352947,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.057967762522241,1.5917611122131348,1.693258237093687,0.5624912704559083,4.358874041983422,5.396197962760926 +2.871417259189643,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.057967762522241,1.5917611122131348,1.693258237093687,0.5624912704559083,4.358874041983422,5.396197962760926 +3.0751606593986875,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.057967762522241,1.5917611122131348,1.693258237093687,0.5624912704559083,4.358874041983422,5.396197962760926 +3.057729388793048,1.9846272981388773,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9846272981388773,1.568894624710083,1.6909118182957172,0.5329718967067435,4.182941741131722,4.989541864395141 +3.234084741888862,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9846272981388773,1.568894624710083,1.6909118182957172,0.5329718967067435,4.182941741131722,4.989541864395141 +3.009853368605438,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9846272981388773,1.568894624710083,1.6909118182957172,0.5329718967067435,4.182941741131722,4.989541864395141 +3.2906876116991044,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9846272981388773,1.568894624710083,1.6909118182957172,0.5329718967067435,4.182941741131722,4.989541864395141 +3.0172569618021186,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.9846272981388773,1.568894624710083,1.6909118182957172,0.5329718967067435,4.182941741131722,4.989541864395141 +2.8045663678920585,2.5588371788567685,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.5588371788567685,2.21005117893219,2.3260407596826553,1.0710552461603855,4.651208126798589,5.365586161613464 +2.896808875940348,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.5588371788567685,2.21005117893219,2.3260407596826553,1.0710552461603855,4.651208126798589,5.365586161613464 +3.1900752127954832,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.5588371788567685,2.21005117893219,2.3260407596826553,1.0710552461603855,4.651208126798589,5.365586161613464 +2.778107896133473,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.5588371788567685,2.21005117893219,2.3260407596826553,1.0710552461603855,4.651208126798589,5.365586161613464 +3.24432688061344,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.5588371788567685,2.21005117893219,2.3260407596826553,1.0710552461603855,4.651208126798589,5.365586161613464 +3.2175544435452474,2.258462763014943,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.258462763014943,1.769234299659729,1.8652820214629173,0.8278125313685295,4.453092899728329,5.94269108772278 +2.9915451802901534,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.258462763014943,1.769234299659729,1.8652820214629173,0.8278125313685295,4.453092899728329,5.94269108772278 +2.9956166175047034,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.258462763014943,1.769234299659729,1.8652820214629173,0.8278125313685295,4.453092899728329,5.94269108772278 +3.090072460452977,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.258462763014943,1.769234299659729,1.8652820214629173,0.8278125313685295,4.453092899728329,5.94269108772278 +3.0481509711397323,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.258462763014943,1.769234299659729,1.8652820214629173,0.8278125313685295,4.453092899728329,5.94269108772278 +2.8879626347438285,2.4656129229338246,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4656129229338246,1.8315441012382507,2.0479879528284073,0.6617134570124301,5.187372045314058,5.878843164443971 +3.097820556712778,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4656129229338246,1.8315441012382507,2.0479879528284073,0.6617134570124301,5.187372045314058,5.878843164443971 +2.8802920187774457,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4656129229338246,1.8315441012382507,2.0479879528284073,0.6617134570124301,5.187372045314058,5.878843164443971 +2.821310112644967,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4656129229338246,1.8315441012382507,2.0479879528284073,0.6617134570124301,5.187372045314058,5.878843164443971 +3.008978008263205,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.4656129229338246,1.8315441012382507,2.0479879528284073,0.6617134570124301,5.187372045314058,5.878843164443971 +3.011998555083808,2.169499278306327,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.169499278306327,1.631420075893402,1.7258860394358635,0.7582248712473727,4.585441624864619,5.734353780746462 +2.9032080334660253,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.169499278306327,1.631420075893402,1.7258860394358635,0.7582248712473727,4.585441624864619,5.734353780746462 +3.191970522819381,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.169499278306327,1.631420075893402,1.7258860394358635,0.7582248712473727,4.585441624864619,5.734353780746462 +2.9300159208280476,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.169499278306327,1.631420075893402,1.7258860394358635,0.7582248712473727,4.585441624864619,5.734353780746462 +2.9338651770039608,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.169499278306327,1.631420075893402,1.7258860394358635,0.7582248712473727,4.585441624864619,5.734353780746462 +3.014490662181848,1.972111520258353,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.972111520258353,1.4508403539657593,1.5701614059507847,0.5335640563292706,4.2486686249996755,5.101634216308594 +3.1234145660149424,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.972111520258353,1.4508403539657593,1.5701614059507847,0.5335640563292706,4.2486686249996755,5.101634216308594 +3.011841659738045,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.972111520258353,1.4508403539657593,1.5701614059507847,0.5335640563292706,4.2486686249996755,5.101634216308594 +2.9675288997002336,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.972111520258353,1.4508403539657593,1.5701614059507847,0.5335640563292706,4.2486686249996755,5.101634216308594 +2.7475476220446198,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,1.972111520258353,1.4508403539657593,1.5701614059507847,0.5335640563292706,4.2486686249996755,5.101634216308594 +3.1568028014545377,2.08547899471794,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.08547899471794,1.659744918346405,1.7401037439703941,0.5611396607883433,4.264823380936968,5.010696792602541 +3.1331828624990425,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.08547899471794,1.659744918346405,1.7401037439703941,0.5611396607883433,4.264823380936968,5.010696792602541 +3.002881012896174,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.08547899471794,1.659744918346405,1.7401037439703941,0.5611396607883433,4.264823380936968,5.010696792602541 +2.965394951658029,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.08547899471794,1.659744918346405,1.7401037439703941,0.5611396607883433,4.264823380936968,5.010696792602541 +2.980465596071199,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.08547899471794,1.659744918346405,1.7401037439703941,0.5611396607883433,4.264823380936968,5.010696792602541 +3.0994253025635294,2.9014289395764785,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.9014289395764785,2.6267781257629395,2.6331854462623596,0.9927459539885216,5.375779202643861,6.212943029403686 +3.023586792224332,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.9014289395764785,2.6267781257629395,2.6331854462623596,0.9927459539885216,5.375779202643861,6.212943029403686 +3.206220140249321,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.9014289395764785,2.6267781257629395,2.6331854462623596,0.9927459539885216,5.375779202643861,6.212943029403686 +2.842952067248131,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.9014289395764785,2.6267781257629395,2.6331854462623596,0.9927459539885216,5.375779202643861,6.212943029403686 +2.918921907677462,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.9014289395764785,2.6267781257629395,2.6331854462623596,0.9927459539885216,5.375779202643861,6.212943029403686 +3.100269808777069,2.411576936497016,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.411576936497016,1.9638837575912476,2.1216947808861732,1.0951229471792565,4.388886558248641,4.8837908744812015 +3.0987242071840324,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.411576936497016,1.9638837575912476,2.1216947808861732,1.0951229471792565,4.388886558248641,4.8837908744812015 +3.1147366250816146,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.411576936497016,1.9638837575912476,2.1216947808861732,1.0951229471792565,4.388886558248641,4.8837908744812015 +2.9843881077672307,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.411576936497016,1.9638837575912476,2.1216947808861732,1.0951229471792565,4.388886558248641,4.8837908744812015 +3.020383417880849,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.411576936497016,1.9638837575912476,2.1216947808861732,1.0951229471792565,4.388886558248641,4.8837908744812015 +2.870771913151992,2.2388226962152946,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2388226962152946,1.7810044884681702,1.8725754991173744,0.7616571650860158,4.493899614252943,5.301237106323246 +3.18373197466135,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2388226962152946,1.7810044884681702,1.8725754991173744,0.7616571650860158,4.493899614252943,5.301237106323246 +2.7402761914424207,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2388226962152946,1.7810044884681702,1.8725754991173744,0.7616571650860158,4.493899614252943,5.301237106323246 +2.994115491132987,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2388226962152946,1.7810044884681702,1.8725754991173744,0.7616571650860158,4.493899614252943,5.301237106323246 +3.0908010460240276,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.2388226962152946,1.7810044884681702,1.8725754991173744,0.7616571650860158,4.493899614252943,5.301237106323246 +2.8718569183428038,2.291442709400299,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.291442709400299,1.8761222958564758,1.9664733931422234,0.7620405871817406,4.505898952484131,5.477494025230408 +3.017104002284376,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.291442709400299,1.8761222958564758,1.9664733931422234,0.7620405871817406,4.505898952484131,5.477494025230408 +3.0356103895722253,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.291442709400299,1.8761222958564758,1.9664733931422234,0.7620405871817406,4.505898952484131,5.477494025230408 +3.018852673667042,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.291442709400299,1.8761222958564758,1.9664733931422234,0.7620405871817406,4.505898952484131,5.477494025230408 +3.0169104467489216,0,1.8263295896430598,1.3003225922584534,1.4390338994562626,0.4115860974217983,4.1908375303796,5.600674653053284,2.291442709400299,1.8761222958564758,1.9664733931422234,0.7620405871817406,4.505898952484131,5.477494025230408 +2.9425051314854307,1.794570220515449,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536 +3.0893977377367645,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536 +2.8554205780750825,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536 +2.8658686806888958,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536 +2.751911988383845,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536 +3.07127131813843,1.989643672837856,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.989643672837856,1.4961277842521667,1.5887899845838547,0.46382743056784287,4.369761314797909,5.883560442924501 +2.998495345445056,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.989643672837856,1.4961277842521667,1.5887899845838547,0.46382743056784287,4.369761314797909,5.883560442924501 +2.926920859162745,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.989643672837856,1.4961277842521667,1.5887899845838547,0.46382743056784287,4.369761314797909,5.883560442924501 +2.9453537612761322,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.989643672837856,1.4961277842521667,1.5887899845838547,0.46382743056784287,4.369761314797909,5.883560442924501 +3.1801039125182125,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.989643672837856,1.4961277842521667,1.5887899845838547,0.46382743056784287,4.369761314797909,5.883560442924501 +2.9228389506277286,2.267164789536532,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.267164789536532,1.6592369079589844,1.8279430121183395,0.5220673283998002,4.935149877629382,5.567308497428895 +3.0318679744475765,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.267164789536532,1.6592369079589844,1.8279430121183395,0.5220673283998002,4.935149877629382,5.567308497428895 +2.8621567951025146,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.267164789536532,1.6592369079589844,1.8279430121183395,0.5220673283998002,4.935149877629382,5.567308497428895 +3.1779142098991495,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.267164789536532,1.6592369079589844,1.8279430121183395,0.5220673283998002,4.935149877629382,5.567308497428895 +3.1148467534662863,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.267164789536532,1.6592369079589844,1.8279430121183395,0.5220673283998002,4.935149877629382,5.567308497428895 +2.9383312509640267,1.9644689861130207,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9644689861130207,1.5492025017738342,1.6335163339972496,0.7060436606407166,3.973521978297132,5.198859834671021 +2.918884164173352,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9644689861130207,1.5492025017738342,1.6335163339972496,0.7060436606407166,3.973521978297132,5.198859834671021 +3.190873667166421,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9644689861130207,1.5492025017738342,1.6335163339972496,0.7060436606407166,3.973521978297132,5.198859834671021 +2.944493795852912,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9644689861130207,1.5492025017738342,1.6335163339972496,0.7060436606407166,3.973521978297132,5.198859834671021 +2.962063162166037,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9644689861130207,1.5492025017738342,1.6335163339972496,0.7060436606407166,3.973521978297132,5.198859834671021 +3.2481576729761925,1.9958079427956266,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9958079427956266,1.3571016788482666,1.5838076956570148,0.4718328267335892,4.3987706417733055,5.12224395275116 +2.661301483762892,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9958079427956266,1.3571016788482666,1.5838076956570148,0.4718328267335892,4.3987706417733055,5.12224395275116 +2.990004503570105,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9958079427956266,1.3571016788482666,1.5838076956570148,0.4718328267335892,4.3987706417733055,5.12224395275116 +2.785635827638601,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9958079427956266,1.3571016788482666,1.5838076956570148,0.4718328267335892,4.3987706417733055,5.12224395275116 +3.1156894735991956,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9958079427956266,1.3571016788482666,1.5838076956570148,0.4718328267335892,4.3987706417733055,5.12224395275116 +2.9024885246628207,1.9673977896888206,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9673977896888206,1.452307403087616,1.5813242234289646,0.5709446085260269,4.215312420053685,5.026027226448059 +2.936752178167042,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9673977896888206,1.452307403087616,1.5813242234289646,0.5709446085260269,4.215312420053685,5.026027226448059 +3.0148262815255866,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9673977896888206,1.452307403087616,1.5813242234289646,0.5709446085260269,4.215312420053685,5.026027226448059 +2.7991638758268795,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9673977896888206,1.452307403087616,1.5813242234289646,0.5709446085260269,4.215312420053685,5.026027226448059 +2.793022680145345,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9673977896888206,1.452307403087616,1.5813242234289646,0.5709446085260269,4.215312420053685,5.026027226448059 +2.9751394468702768,2.065706111054788,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.065706111054788,1.5680412650108337,1.7219310030341148,0.5462985217888304,4.408502710626481,5.52336437702179 +3.1314556671208456,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.065706111054788,1.5680412650108337,1.7219310030341148,0.5462985217888304,4.408502710626481,5.52336437702179 +3.308704723574613,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.065706111054788,1.5680412650108337,1.7219310030341148,0.5462985217888304,4.408502710626481,5.52336437702179 +3.0636418807467347,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.065706111054788,1.5680412650108337,1.7219310030341148,0.5462985217888304,4.408502710626481,5.52336437702179 +3.060202699821246,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.065706111054788,1.5680412650108337,1.7219310030341148,0.5462985217888304,4.408502710626481,5.52336437702179 +2.9702930695132204,1.9428302778049986,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9428302778049986,1.3534481525421143,1.5311394184827805,0.47821589448350543,4.432135576897479,5.4017419815063485 +2.764862222146047,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9428302778049986,1.3534481525421143,1.5311394184827805,0.47821589448350543,4.432135576897479,5.4017419815063485 +2.943799112443077,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9428302778049986,1.3534481525421143,1.5311394184827805,0.47821589448350543,4.432135576897479,5.4017419815063485 +3.0628951651093206,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9428302778049986,1.3534481525421143,1.5311394184827805,0.47821589448350543,4.432135576897479,5.4017419815063485 +2.808598539762591,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9428302778049986,1.3534481525421143,1.5311394184827805,0.47821589448350543,4.432135576897479,5.4017419815063485 +3.1163784837252217,2.5555519528211432,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5555519528211432,2.2629547119140625,2.287477307021618,0.8238181725461432,4.9055584795931555,6.2788108825683615 +3.0930707945635443,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5555519528211432,2.2629547119140625,2.287477307021618,0.8238181725461432,4.9055584795931555,6.2788108825683615 +3.1068888975797515,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5555519528211432,2.2629547119140625,2.287477307021618,0.8238181725461432,4.9055584795931555,6.2788108825683615 +3.156739958140411,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5555519528211432,2.2629547119140625,2.287477307021618,0.8238181725461432,4.9055584795931555,6.2788108825683615 +3.2647795323870685,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5555519528211432,2.2629547119140625,2.287477307021618,0.8238181725461432,4.9055584795931555,6.2788108825683615 +2.8825132888006535,2.7494223648087774,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.7494223648087774,2.253830671310425,2.3738881647586823,0.895100437897317,5.4409588651454195,6.674623346328737 +2.6916802931773036,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.7494223648087774,2.253830671310425,2.3738881647586823,0.895100437897317,5.4409588651454195,6.674623346328737 +2.8660309912342776,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.7494223648087774,2.253830671310425,2.3738881647586823,0.895100437897317,5.4409588651454195,6.674623346328737 +2.769305837252422,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.7494223648087774,2.253830671310425,2.3738881647586823,0.895100437897317,5.4409588651454195,6.674623346328737 +3.1282053480611034,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.7494223648087774,2.253830671310425,2.3738881647586823,0.895100437897317,5.4409588651454195,6.674623346328737 +3.010920880480032,2.059353788640905,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.059353788640905,1.4946895241737366,1.6696894466876984,0.6613956163538263,4.33165262607818,5.284989285469057 +2.870494942916067,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.059353788640905,1.4946895241737366,1.6696894466876984,0.6613956163538263,4.33165262607818,5.284989285469057 +2.9191772362315342,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.059353788640905,1.4946895241737366,1.6696894466876984,0.6613956163538263,4.33165262607818,5.284989285469057 +3.0463182047009467,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.059353788640905,1.4946895241737366,1.6696894466876984,0.6613956163538263,4.33165262607818,5.284989285469057 +3.111352354288101,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.059353788640905,1.4946895241737366,1.6696894466876984,0.6613956163538263,4.33165262607818,5.284989285469057 +2.9157219862663433,2.157072172757793,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.157072172757793,1.6598844528198242,1.7696543261408806,0.7494582353120155,4.405403193007124,5.970966982841492 +2.836302237291085,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.157072172757793,1.6598844528198242,1.7696543261408806,0.7494582353120155,4.405403193007124,5.970966982841492 +2.792712820203681,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.157072172757793,1.6598844528198242,1.7696543261408806,0.7494582353120155,4.405403193007124,5.970966982841492 +3.20090746095306,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.157072172757793,1.6598844528198242,1.7696543261408806,0.7494582353120155,4.405403193007124,5.970966982841492 +2.9342916169056767,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.157072172757793,1.6598844528198242,1.7696543261408806,0.7494582353120155,4.405403193007124,5.970966982841492 +2.914221303008105,1.8635310077286782,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8635310077286782,1.334994912147522,1.465937826782465,0.49645293012578434,4.182016372680664,5.569313430786133 +2.9707286666882666,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8635310077286782,1.334994912147522,1.465937826782465,0.49645293012578434,4.182016372680664,5.569313430786133 +2.892358992131133,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8635310077286782,1.334994912147522,1.465937826782465,0.49645293012578434,4.182016372680664,5.569313430786133 +2.8623163099939886,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8635310077286782,1.334994912147522,1.465937826782465,0.49645293012578434,4.182016372680664,5.569313430786133 +3.0591936320850723,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8635310077286782,1.334994912147522,1.465937826782465,0.49645293012578434,4.182016372680664,5.569313430786133 +2.904445908257836,1.899716234349824,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.899716234349824,1.4200242757797241,1.5058390758931637,0.44689552993216414,4.228916249376662,5.559603834152222 +3.1017403149487155,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.899716234349824,1.4200242757797241,1.5058390758931637,0.44689552993216414,4.228916249376662,5.559603834152222 +2.8064101571707347,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.899716234349824,1.4200242757797241,1.5058390758931637,0.44689552993216414,4.228916249376662,5.559603834152222 +2.8732123208673377,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.899716234349824,1.4200242757797241,1.5058390758931637,0.44689552993216414,4.228916249376662,5.559603834152222 +2.7781220522170003,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.899716234349824,1.4200242757797241,1.5058390758931637,0.44689552993216414,4.228916249376662,5.559603834152222 +2.900381272148929,2.084701769212459,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.084701769212459,1.5125749111175537,1.6990640833973885,0.7427542678853298,4.33814263343811,5.793521428108216 +3.0899965968963348,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.084701769212459,1.5125749111175537,1.6990640833973885,0.7427542678853298,4.33814263343811,5.793521428108216 +2.89631364733765,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.084701769212459,1.5125749111175537,1.6990640833973885,0.7427542678853298,4.33814263343811,5.793521428108216 +3.030308594338988,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.084701769212459,1.5125749111175537,1.6990640833973885,0.7427542678853298,4.33814263343811,5.793521428108216 +2.9116110314664088,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.084701769212459,1.5125749111175537,1.6990640833973885,0.7427542678853298,4.33814263343811,5.793521428108216 +2.934039997976077,1.9662727311332808,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9662727311332808,1.4850851893424988,1.5956380106508732,0.4972016356409864,4.248573744550664,5.059081959724428 +3.181117535578577,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9662727311332808,1.4850851893424988,1.5956380106508732,0.4972016356409864,4.248573744550664,5.059081959724428 +3.2297415221796224,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9662727311332808,1.4850851893424988,1.5956380106508732,0.4972016356409864,4.248573744550664,5.059081959724428 +2.879127729625294,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9662727311332808,1.4850851893424988,1.5956380106508732,0.4972016356409864,4.248573744550664,5.059081959724428 +3.0974076638096255,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.9662727311332808,1.4850851893424988,1.5956380106508732,0.4972016356409864,4.248573744550664,5.059081959724428 +3.1286370850707357,1.8748753616943004,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8748753616943004,1.3642958998680115,1.4936896450817585,0.49915530865496777,4.109433199496979,5.398580527305604 +3.134960824545277,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8748753616943004,1.3642958998680115,1.4936896450817585,0.49915530865496777,4.109433199496979,5.398580527305604 +2.9240515421487783,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8748753616943004,1.3642958998680115,1.4936896450817585,0.49915530865496777,4.109433199496979,5.398580527305604 +3.0164026338411003,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8748753616943004,1.3642958998680115,1.4936896450817585,0.49915530865496777,4.109433199496979,5.398580527305604 +2.9416752770543098,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8748753616943004,1.3642958998680115,1.4936896450817585,0.49915530865496777,4.109433199496979,5.398580527305604 +2.8775955963683755,2.0645600971864893,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0645600971864893,1.4847716093063354,1.6497453898191452,0.8150651185436452,4.233502580764446,5.448769783973696 +2.867187704145908,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0645600971864893,1.4847716093063354,1.6497453898191452,0.8150651185436452,4.233502580764446,5.448769783973696 +2.8122107039156714,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0645600971864893,1.4847716093063354,1.6497453898191452,0.8150651185436452,4.233502580764446,5.448769783973696 +2.9464783705182764,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0645600971864893,1.4847716093063354,1.6497453898191452,0.8150651185436452,4.233502580764446,5.448769783973696 +3.2096449645726306,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0645600971864893,1.4847716093063354,1.6497453898191452,0.8150651185436452,4.233502580764446,5.448769783973696 +2.7211831509282716,2.136421437513955,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.136421437513955,1.6130666732788086,1.6728075109422207,0.47483635551117837,4.828910645018232,6.493700623512268 +2.8346510763427144,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.136421437513955,1.6130666732788086,1.6728075109422207,0.47483635551117837,4.828910645018232,6.493700623512268 +2.9941133441109407,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.136421437513955,1.6130666732788086,1.6728075109422207,0.47483635551117837,4.828910645018232,6.493700623512268 +2.9898605675877707,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.136421437513955,1.6130666732788086,1.6728075109422207,0.47483635551117837,4.828910645018232,6.493700623512268 +3.1909815048896952,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.136421437513955,1.6130666732788086,1.6728075109422207,0.47483635551117837,4.828910645018232,6.493700623512268 +2.894935201069242,2.1524479628164084,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1524479628164084,1.6034625172615051,1.730789691209793,0.6456629017249067,4.522453688560648,6.149228978157043 +2.9156703850156385,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1524479628164084,1.6034625172615051,1.730789691209793,0.6456629017249067,4.522453688560648,6.149228978157043 +2.847505113874611,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1524479628164084,1.6034625172615051,1.730789691209793,0.6456629017249067,4.522453688560648,6.149228978157043 +2.907521546024241,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1524479628164084,1.6034625172615051,1.730789691209793,0.6456629017249067,4.522453688560648,6.149228978157043 +3.0815907534996145,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1524479628164084,1.6034625172615051,1.730789691209793,0.6456629017249067,4.522453688560648,6.149228978157043 +2.906002029129549,2.155084829064126,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.155084829064126,1.8513419032096863,1.8928976096212864,0.6456375007933759,4.361123480695359,5.280910706520082 +3.0567726441904117,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.155084829064126,1.8513419032096863,1.8928976096212864,0.6456375007933759,4.361123480695359,5.280910706520082 +3.2125051957212,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.155084829064126,1.8513419032096863,1.8928976096212864,0.6456375007933759,4.361123480695359,5.280910706520082 +2.911569412836903,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.155084829064126,1.8513419032096863,1.8928976096212864,0.6456375007933759,4.361123480695359,5.280910706520082 +3.0666369129952633,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.155084829064126,1.8513419032096863,1.8928976096212864,0.6456375007933759,4.361123480695359,5.280910706520082 +3.025897189131693,2.0403114372190645,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0403114372190645,1.5484468936920166,1.6832813434302807,0.5983793756112139,4.248730837030614,5.645814538002016 +3.1317959897024066,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0403114372190645,1.5484468936920166,1.6832813434302807,0.5983793756112139,4.248730837030614,5.645814538002016 +2.7703640435283123,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0403114372190645,1.5484468936920166,1.6832813434302807,0.5983793756112139,4.248730837030614,5.645814538002016 +2.776647800756128,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0403114372190645,1.5484468936920166,1.6832813434302807,0.5983793756112139,4.248730837030614,5.645814538002016 +2.7638811694556162,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.0403114372190645,1.5484468936920166,1.6832813434302807,0.5983793756112139,4.248730837030614,5.645814538002016 +2.965030260933073,1.8770217552305537,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8770217552305537,1.3425198197364807,1.4347298182547092,0.46619698310152013,4.184842677826577,5.509979009628296 +2.9719996684868084,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8770217552305537,1.3425198197364807,1.4347298182547092,0.46619698310152013,4.184842677826577,5.509979009628296 +2.969881008839921,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8770217552305537,1.3425198197364807,1.4347298182547092,0.46619698310152013,4.184842677826577,5.509979009628296 +2.9100388252617497,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8770217552305537,1.3425198197364807,1.4347298182547092,0.46619698310152013,4.184842677826577,5.509979009628296 +2.903421445916358,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.8770217552305537,1.3425198197364807,1.4347298182547092,0.46619698310152013,4.184842677826577,5.509979009628296 +2.6632461705098027,2.5151670012385288,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5151670012385288,1.9413082599639893,2.0598859190940857,0.8128719919539512,5.200489363771804,6.159094810485842 +3.0935058446895134,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5151670012385288,1.9413082599639893,2.0598859190940857,0.8128719919539512,5.200489363771804,6.159094810485842 +3.1904221547081284,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5151670012385288,1.9413082599639893,2.0598859190940857,0.8128719919539512,5.200489363771804,6.159094810485842 +2.955437746349918,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5151670012385288,1.9413082599639893,2.0598859190940857,0.8128719919539512,5.200489363771804,6.159094810485842 +2.9916056630250654,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.5151670012385288,1.9413082599639893,2.0598859190940857,0.8128719919539512,5.200489363771804,6.159094810485842 +2.88243050681133,2.1662552808510496,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1662552808510496,1.6931524276733398,1.7696664035320282,0.948171669498403,4.258285755806781,5.394215202331545 +2.857750210322832,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1662552808510496,1.6931524276733398,1.7696664035320282,0.948171669498403,4.258285755806781,5.394215202331545 +2.931397269960297,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1662552808510496,1.6931524276733398,1.7696664035320282,0.948171669498403,4.258285755806781,5.394215202331545 +3.0301530384703685,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1662552808510496,1.6931524276733398,1.7696664035320282,0.948171669498403,4.258285755806781,5.394215202331545 +2.9693599667007984,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.1662552808510496,1.6931524276733398,1.7696664035320282,0.948171669498403,4.258285755806781,5.394215202331545 +2.9593085209005756,2.4864925164333047,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.4864925164333047,2.0117567777633667,2.165148675441742,1.1180320214083854,4.505311382577775,5.599225544929506 +2.7395348908869845,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.4864925164333047,2.0117567777633667,2.165148675441742,1.1180320214083854,4.505311382577775,5.599225544929506 +2.903958155234393,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.4864925164333047,2.0117567777633667,2.165148675441742,1.1180320214083854,4.505311382577775,5.599225544929506 +2.9770757672818084,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.4864925164333047,2.0117567777633667,2.165148675441742,1.1180320214083854,4.505311382577775,5.599225544929506 +3.082725410869247,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,2.4864925164333047,2.0117567777633667,2.165148675441742,1.1180320214083854,4.505311382577775,5.599225544929506 +2.5990710550625074,1.994934173657539,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.994934173657539,1.4054802656173706,1.5768809765577316,0.5757277963009286,4.319720628413748,5.401470112800598 +2.8395529268407507,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.994934173657539,1.4054802656173706,1.5768809765577316,0.5757277963009286,4.319720628413748,5.401470112800598 +2.7490509804142147,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.994934173657539,1.4054802656173706,1.5768809765577316,0.5757277963009286,4.319720628413748,5.401470112800598 +3.0887388339364215,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.994934173657539,1.4054802656173706,1.5768809765577316,0.5757277963009286,4.319720628413748,5.401470112800598 +3.051127627413524,0,1.794570220515449,1.2381136417388916,1.3511677086353302,0.3753488618642726,4.213005395645791,5.601707887649536,1.994934173657539,1.4054802656173706,1.5768809765577316,0.5757277963009286,4.319720628413748,5.401470112800598 diff --git a/MiAlgo/trained_models/fc4_sum/fold_2/model.pth b/MiAlgo/trained_models/fc4_sum/fold_2/model.pth new file mode 100644 index 0000000000000000000000000000000000000000..6e8ea9955c1c2988e892401e3c7e316ecda1c647 --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_2/model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39f21cad637b5a2130bd144c21dfec20aa050ee179f38ff2f65b68afb707ed46 +size 6839231 diff --git a/MiAlgo/trained_models/fc4_sum/fold_2/network.txt b/MiAlgo/trained_models/fc4_sum/fold_2/network.txt new file mode 100644 index 0000000000000000000000000000000000000000..5d712dd9a675ffe55127e74cd4f0a678c7862c1e --- /dev/null +++ b/MiAlgo/trained_models/fc4_sum/fold_2/network.txt @@ -0,0 +1,73 @@ +FC4( + (backbone): Sequential( + (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2)) + (1): ReLU(inplace=True) + (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (3): Fire( + (squeeze): Conv2d(64, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (4): Fire( + (squeeze): Conv2d(128, 16, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(16, 64, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(16, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (6): Fire( + (squeeze): Conv2d(128, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (7): Fire( + (squeeze): Conv2d(256, 32, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(32, 128, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(32, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (8): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=True) + (9): Fire( + (squeeze): Conv2d(256, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (10): Fire( + (squeeze): Conv2d(384, 48, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(48, 192, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(48, 192, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + (11): Fire( + (squeeze): Conv2d(384, 64, kernel_size=(1, 1), stride=(1, 1)) + (squeeze_activation): ReLU(inplace=True) + (expand1x1): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1)) + (expand1x1_activation): ReLU(inplace=True) + (expand3x3): Conv2d(64, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)) + (expand3x3_activation): ReLU(inplace=True) + ) + ) + (final_convs): Sequential( + (0): MaxPool2d(kernel_size=2, stride=1, padding=0, dilation=1, ceil_mode=True) + (1): Conv2d(512, 64, kernel_size=(6, 6), stride=(1, 1), padding=(3, 3)) + (2): ReLU(inplace=True) + (3): Dropout(p=0.5, inplace=False) + (4): Conv2d(64, 3, kernel_size=(1, 1), stride=(1, 1)) + (5): ReLU(inplace=True) + ) +) \ No newline at end of file diff --git a/MiAlgo/unet.py b/MiAlgo/unet.py new file mode 100644 index 0000000000000000000000000000000000000000..b3d46acf4d5486a6402bf30ae318b591e740ec18 --- /dev/null +++ b/MiAlgo/unet.py @@ -0,0 +1,147 @@ +#/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 22-02-09 +# @Author : zhangyuqian@xiaomi.com + +import tensorflow.compat.v1 as tf +import tf_slim as slim + + +def relu(x): + return tf.nn.relu(x) + + +def upsample_and_sum(x1, x2,output_channels,in_channels): + pool_size = 2 + deconv_filter = tf.Variable(tf.truncated_normal([pool_size, pool_size, output_channels, in_channels], stddev=0.02)) + deconv = tf.nn.conv2d_transpose(x1, deconv_filter, tf.shape(x2), strides=[1, pool_size, pool_size, 1]) + + deconv_output = tf.add(deconv,x2) + return deconv_output + +def upsample_and_concat(x1, x2, output_channels, in_channels): + pool_size = 2 + deconv_filter = tf.Variable(tf.truncated_normal([pool_size, pool_size, output_channels, in_channels], stddev=0.02)) + deconv = tf.nn.conv2d_transpose(x1, deconv_filter, tf.shape(x2), strides=[1, pool_size, pool_size, 1]) + + deconv_output = tf.concat([deconv, x2], 3) + deconv_output.set_shape([None, None, None, output_channels * 2]) + + return deconv_output + + + + + +def sc_net_1f(input): + # scratch capture single frame denoise network + # unet_2down_res_relu_64c5 + + with slim.arg_scope([slim.conv2d], weights_initializer=slim.variance_scaling_initializer(), + weights_regularizer=slim.l1_regularizer(0.0001),biases_initializer = None): + + conv1 = slim.conv2d(input, 64, [3, 3], rate=1, activation_fn=relu, scope='conv1_1') + res_conv1 = slim.conv2d(conv1, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv1_1') + res_conv1 = slim.conv2d(res_conv1, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv1_2') + res_block1 = conv1 + res_conv1 + + + pool2 = slim.avg_pool2d(res_block1,[2,2],padding='SAME') + res_conv2 = slim.conv2d(pool2, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv2_1') + res_conv2 = slim.conv2d(res_conv2, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv2_2') + res_block2 = pool2 + res_conv2 + + pool3 = slim.avg_pool2d(res_block2,[2,2],padding='SAME') + res_conv3 = slim.conv2d(pool3, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv3_1') + res_conv3 = slim.conv2d(res_conv3, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv3_2') + res_block3 = pool3 + res_conv3 + + deconv1 = upsample_and_sum(res_block3, res_block2, 64, 64) + + conv4 = slim.conv2d(deconv1, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv4_1') + res_conv4 = slim.conv2d(conv4, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv4_1') + res_conv4 = slim.conv2d(res_conv4, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv4_2') + res_block4 = conv4 + res_conv4 + + deconv2 = upsample_and_sum(res_block4, res_block1, 64, 64) + + conv5 = slim.conv2d(deconv2, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv5_1') + res_conv5 = slim.conv2d(conv5, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv5_1') + res_conv5 = slim.conv2d(res_conv5, 64, [3, 3], rate=1, activation_fn=relu, scope='res_conv5_2') + res_block5 = conv5 + res_conv5 + + conv6 = slim.conv2d(res_block5, 64, [3, 3], rate=1, stride=1, activation_fn=relu, scope='conv6_1') + conv7 = slim.conv2d(conv6, 4, [3, 3], rate=1, stride=1, activation_fn=None, scope='conv7_1') + + out = conv7 + + return out + + + + +def sc_net(input): + + with slim.arg_scope([slim.conv2d], weights_initializer=slim.variance_scaling_initializer(), + weights_regularizer=slim.l1_regularizer(0.0001),biases_initializer = None): + + conv1 = slim.conv2d(input, 32, [3, 3], rate=1, activation_fn=relu, scope='g_conv1_1') + conv1 = slim.conv2d(conv1, 32, [3, 3], rate=1, activation_fn=relu, scope='g_conv1_2') + pool1 = slim.max_pool2d(conv1, [2, 2], padding='SAME') + + conv2 = slim.conv2d(pool1, 64, [3, 3], rate=1, activation_fn=relu, scope='g_conv2_1') + conv2 = slim.conv2d(conv2, 64, [3, 3], rate=1, activation_fn=relu, scope='g_conv2_2') + pool2 = slim.max_pool2d(conv2, [2, 2], padding='SAME') + + conv3 = slim.conv2d(pool2, 128, [3, 3], rate=1, activation_fn=relu, scope='g_conv3_1') + conv3 = slim.conv2d(conv3, 128, [3, 3], rate=1, activation_fn=relu, scope='g_conv3_2') + pool3 = slim.max_pool2d(conv3, [2, 2], padding='SAME') + + conv4 = slim.conv2d(pool3, 256, [3, 3], rate=1, activation_fn=relu, scope='g_conv4_1') + conv4 = slim.conv2d(conv4, 256, [3, 3], rate=1, activation_fn=relu, scope='g_conv4_2') + pool4 = slim.max_pool2d(conv4, [2, 2], padding='SAME') + + conv5 = slim.conv2d(pool4, 512, [3, 3], rate=1, activation_fn=relu, scope='g_conv5_1') + conv5 = slim.conv2d(conv5, 512, [3, 3], rate=1, activation_fn=relu, scope='g_conv5_2') + + up6 = upsample_and_concat(conv5, conv4, 256, 512) + conv6 = slim.conv2d(up6, 256, [3, 3], rate=1, activation_fn=relu, scope='g_conv6_1') + conv6 = slim.conv2d(conv6, 256, [3, 3], rate=1, activation_fn=relu, scope='g_conv6_2') + + up7 = upsample_and_concat(conv6, conv3, 128, 256) + conv7 = slim.conv2d(up7, 128, [3, 3], rate=1, activation_fn=relu, scope='g_conv7_1') + conv7 = slim.conv2d(conv7, 128, [3, 3], rate=1, activation_fn=relu, scope='g_conv7_2') + + up8 = upsample_and_concat(conv7, conv2, 64, 128) + conv8 = slim.conv2d(up8, 64, [3, 3], rate=1, activation_fn=relu, scope='g_conv8_1') + conv8 = slim.conv2d(conv8, 64, [3, 3], rate=1, activation_fn=relu, scope='g_conv8_2') + + up9 = upsample_and_concat(conv8, conv1, 32, 64) + conv9 = slim.conv2d(up9, 32, [3, 3], rate=1, activation_fn=relu, scope='g_conv9_1') + conv9 = slim.conv2d(conv9, 32, [3, 3], rate=1, activation_fn=relu, scope='g_conv9_2') + + conv10 = slim.conv2d(conv9, 4, [1, 1], rate=1, activation_fn=relu, scope='g_conv10') + + out = conv10 + + return out + + + + + + + + + + + + + + + + + + + + diff --git a/MiAlgo/utils.py b/MiAlgo/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..bc1ab0cadc6023c01867b86f7a0fdf1c93490077 --- /dev/null +++ b/MiAlgo/utils.py @@ -0,0 +1,320 @@ +import numpy as np +import cv2 +import cv2 as cv + +import os +import json +from fractions import Fraction +from exifread.utils import Ratio +from scipy.io import loadmat +from PIL import Image, ImageOps +import torch +from copy import deepcopy + + +def json_read(fname, **kwargs): + with open(fname) as j: + data = json.load(j, **kwargs) + return data + +def fraction_from_json(json_object): + if 'Fraction' in json_object: + return Fraction(*json_object['Fraction']) + return json_object + +def fractions2floats(fractions): + floats = [] + for fraction in fractions: + floats.append(float(fraction.numerator) / fraction.denominator) + return floats + +def ratios2floats(ratios): + floats = [] + for ratio in ratios: + floats.append(float(ratio.num) / ratio.den) + return floats + +def normalize(raw_image, black_level, white_level, bl_fix=0): + if type(black_level) is list and len(black_level) == 1: + black_level = float(black_level[0]) + if type(white_level) is list and len(white_level) == 1: + white_level = float(white_level[0]) + black_level_mask = black_level + if type(black_level) is list and len(black_level) == 4: + if type(black_level[0]) is Ratio: + black_level = ratios2floats(black_level) + if type(black_level[0]) is Fraction: + black_level = fractions2floats(black_level) + black_level_mask = np.zeros(raw_image.shape) + idx2by2 = [[0, 0], [0, 1], [1, 0], [1, 1]] + step2 = 2 + for i, idx in enumerate(idx2by2): + black_level_mask[idx[0]::step2, idx[1]::step2] = black_level[i] + + if bl_fix: + black_level_mask = black_level_mask + bl_fix + + normalized_image = (raw_image.astype(np.float32) - black_level_mask) / (white_level - black_level_mask) + normalized_image = np.clip(normalized_image, 0, 1) + return normalized_image + +def bayer_to_offsets(bayer_pattern): + """ + Transform bayer pattern to offsets in order 'RGrBGb' + n.b. Support 'RGrBGb' bayer pattern only. + Args: + bayer_pattern: string, e.g. 'rggb'. Must be one of 'rggb', 'grbg', 'gbrg', 'bggr' + + Returns: + offsets: packed raw image with 4 channels + """ + bayer_pattern = bayer_pattern.lower() + assert bayer_pattern in ['rggb', 'grbg', 'gbrg', 'bggr'], 'WRONG BAYER PATTERN!' + + if bayer_pattern == 'rggb': + offsets = [[0,0],[0,1],[1,1],[1,0]] + elif bayer_pattern == 'grbg': + offsets = [[0,1],[0,0],[1,0],[1,1]] + elif bayer_pattern == 'gbrg': + offsets = [[1,0],[0,0],[0,1],[1,1]] + else: #bayer_pattern == 'bggr': + offsets = [[1,1],[0,1],[0,0],[1,0]] + + return offsets + +def pack_raw_to_4ch(rawim, offsets): + """ + Pack raw to h/2 x w/2 x 4n with order "RGrBGb..." RGBG RGBG RGBG + n.b. Support ordinary bayer pattern only. + Args: + rawim: numpy.ndarray in shape (h, w, ...) + bayer_pattern: string, e.g. "rggb". Must be one of "rggb", "grbg", "gbrg", "bggr" + + Returns: + out: packed raw image with 4n channels + """ + + + if rawim.ndim == 2: + rawim = np.expand_dims(rawim, axis=-1) + rawim_pack = np.concatenate((rawim[offsets[0][0]::2, offsets[0][1]::2], + rawim[offsets[1][0]::2, offsets[1][1]::2], + rawim[offsets[2][0]::2, offsets[2][1]::2], + rawim[offsets[3][0]::2, offsets[3][1]::2]), axis=-1) + elif rawim.ndim ==3: + frame_num = rawim.shape[2] + rawim_pack = np.zeros((int(rawim.shape[0]/2), int(rawim.shape[1]/2), rawim.shape[2] * 4)) + for i in range(frame_num): + rawim_temp = rawim[:,:,i] + rawim_temp = np.expand_dims(rawim_temp, axis=-1) + rawim_temp_pack = np.concatenate((rawim_temp[offsets[0][0]::2, offsets[0][1]::2], + rawim_temp[offsets[1][0]::2, offsets[1][1]::2], + rawim_temp[offsets[2][0]::2, offsets[2][1]::2], + rawim_temp[offsets[3][0]::2, offsets[3][1]::2]), axis=-1) + + rawim_pack[:, :, i * 4:(i + 1) * 4] = rawim_temp_pack + + return rawim_pack + + + +def apply_color_space_transform(demosaiced_image, color_matrix_1, color_matrix_2): + if isinstance(color_matrix_1[0], Fraction): + color_matrix_1 = fractions2floats(color_matrix_1) + if isinstance(color_matrix_2[0], Fraction): + color_matrix_2 = fractions2floats(color_matrix_2) + xyz2cam1 = np.reshape(np.asarray(color_matrix_1), (3, 3)) + # normalize rows (needed?) + xyz2cam1 = xyz2cam1 / np.sum(xyz2cam1, axis=1, keepdims=True) + # inverse + cam2xyz1 = np.linalg.inv(xyz2cam1) + # for now, use one matrix # TODO: interpolate btween both + # simplified matrix multiplication + + xyz_image = cam2xyz1[np.newaxis, np.newaxis, :, :] * \ + demosaiced_image[:, :, np.newaxis, :] + xyz_image = np.sum(xyz_image, axis=-1) + xyz_image = np.clip(xyz_image, 0.0, 1.0) + return xyz_image + + + + +def transform_xyz_to_srgb(xyz_image): + xyz2srgb = np.array([[3.0799, -1.5372, -0.5428], + [-0.9212, 1.8760, 0.0452], + [0.0529, -0.2040, 1.1512]]) + srgb_image = xyz2srgb[np.newaxis, np.newaxis, + :, :] * xyz_image[:, :, np.newaxis, :] + srgb_image = np.sum(srgb_image, axis=-1) + srgb_image = np.clip(srgb_image, 0.0, 1.0) + return srgb_image + + +def apply_gamma(x): + # return x ** (1.0 / 2.4) + x = x.copy() + gray = cv2.cvtColor(x.astype(np.float32), cv2.COLOR_BGR2GRAY) + idx = gray <= 0.0031308 + idx = np.stack([idx, idx, idx], axis=-1) + x[idx] *= 12.92 + x[idx == False] = (x[idx == False] ** (1.0 / 2.4)) * 1.055 - 0.055 + return x + + +def fix_orientation(image, orientation): + type1 = "Horizontal (normal)" + type2 = "Mirror horizontal" + type3 = "Rotate 180" + type4 = "Mirror vertical" + type5 = "Mirror horizontal and rotate 270 CW" + type6 = "Rotate 90 CW" + type7 = "Mirror horizontal and rotate 90 CW" + type8 = "Rotate 270 CW" + + # if type(orientation) is list: + # orientation = orientation[0] + + if orientation == type1: + pass + elif orientation == type2: + image = cv.flip(image, 0) + elif orientation == type3: + image = cv.rotate(image, cv.ROTATE_180) + elif orientation == type4: + image = cv.flip(image, 1) + elif orientation == type5: + image = cv.flip(image, 0) + image = cv.rotate(image, cv.ROTATE_90_COUNTERCLOCKWISE) + elif orientation == type6: + image = cv.rotate(image, cv.ROTATE_90_CLOCKWISE) + elif orientation == type7: + image = cv.flip(image, 0) + image = cv.rotate(image, cv.ROTATE_90_CLOCKWISE) + elif orientation == type8: + image = cv.rotate(image, cv.ROTATE_90_COUNTERCLOCKWISE) + else: + raise + + return image + + +def apply_tone_map(x, tone_mapping='Base'): + if tone_mapping == 'Flash': + return perform_flash(x, perform_gamma_correction=0)/255. + elif tone_mapping == 'Storm': + return perform_storm(x, perform_gamma_correction=0)/255. + elif tone_mapping == 'Drago': + tonemap = cv2.createTonemapDrago() + return tonemap.process(x.astype(np.float32)) + elif tone_mapping == 'Mantiuk': + tonemap = cv2.createTonemapMantiuk() + return tonemap.process(x.astype(np.float32)) + elif tone_mapping == 'Reinhard': + tonemap = cv2.createTonemapReinhard() + return tonemap.process(x.astype(np.float32)) + elif tone_mapping == 'Linear': + return np.clip(x/np.sort(x.flatten())[-50000], 0, 1) + elif tone_mapping == 'Base': + tone_curve = loadmat(os.path.join(os.path.dirname( + os.path.realpath(__file__)), 'tone_curve.mat')) + tone_curve = tone_curve['tc'] + x = np.round(x * (len(tone_curve) - 1)).astype(int) + tone_mapped_image = np.squeeze(tone_curve[x]) + return tone_mapped_image + else: + raise ValueError( + 'Bad tone_mapping option value! Use the following options: "Base", "Flash", "Storm", "Linear", "Drago", "Mantiuk", "Reinhard"') + +def autocontrast_using_pil(img, cutoff=2): + img_uint8 = np.clip(255*img, 0, 255).astype(np.uint8) + img_pil = Image.fromarray(img_uint8) + img_pil = ImageOps.autocontrast(img_pil, cutoff=cutoff) + output_image = np.array(img_pil).astype(np.float32) / 255 + return output_image + +def usm_sharp(img, weight=0.666, radius=10, threshold=10): + if radius % 2 == 0: + radius += 1 + blur = cv2.GaussianBlur(img, (radius, radius), 0) + residual = img - blur + mask = np.abs(residual) * 255 > threshold + mask = mask.astype('float32') + soft_mask = cv2.GaussianBlur(mask, (radius, radius), 0) + + sharp = img + weight * residual + sharp = np.clip(sharp, 0, 1) + return soft_mask * sharp + (1 - soft_mask) * img + + +def white_balance(demosaic_img, as_shot_neutral): + if type(as_shot_neutral[0]) is Ratio: + as_shot_neutral = ratios2floats(as_shot_neutral) + + as_shot_neutral = np.asarray(as_shot_neutral) + # transform vector into matrix + if as_shot_neutral.shape == (3,): + as_shot_neutral = np.diag(1./as_shot_neutral) + + assert as_shot_neutral.shape == (3, 3) + white_balanced_image = np.dot(demosaic_img, as_shot_neutral.T) + white_balanced_image = np.clip(white_balanced_image, 0.0, 1.0) + + return white_balanced_image + + +def get_net(NET, checkpoint_path, device): + net = NET() + load_net = torch.load(checkpoint_path, map_location="cpu") + + try: + load_net = load_net['params'] + except: + pass + + net.load_state_dict(load_net, strict=True) + net = net.to(device) + net = net.eval() + return net + + + +def pyrblend(img1, img2, mask): + img1 = img1.astype(np.float32) + img2 = img2.astype(np.float32) + mask = mask.astype(np.float32) + + # 图像向下取样, 构造高斯金字塔: [原图,下取样1次,下取样2次,下取样3次,下取样4次] + levels = 5 # 高斯金字塔层数 + gaussPyr1, gaussPyr2 = [img1], [img2] # 原始图像为高斯金字塔第 0 层 + for i in range(1, levels): # 高斯金字塔共 5 层: 0,1,2,3,4 + gaussPyr1.append(cv2.pyrDown(gaussPyr1[i-1])) # 计算第 i 层高斯金字塔 + gaussPyr2.append(cv2.pyrDown(gaussPyr2[i-1])) + + # 图像向上取样, 构造拉普拉斯金字塔 [第1层残差,第2层残差,第3层残差,第4层残差] + lapPyr1, lapPyr2 = [], [] # 从最顶层开始恢复 + for i in range(levels-1): # 拉普拉斯金字塔有 4 层: 0,1,2,3 + lapPyr1.append(gaussPyr1[i] - cv2.pyrUp(gaussPyr1[i+1])) + lapPyr2.append(gaussPyr2[i] - cv2.pyrUp(gaussPyr2[i+1])) + + # 拉普拉斯金字塔左右拼接 + lapStack = [] + for i in range(levels-1): # 拉普拉斯金字塔共 4 层: 0,1,2,3 + rows, cols, channel = lapPyr1[i].shape + lmask = cv2.resize(mask, (cols, rows), interpolation=cv2.INTER_AREA) + lmask = lmask[:, :, np.newaxis] + + splicing = lapPyr1[i] * (1-lmask) + lapPyr2[i]*lmask + lapStack.append(splicing) + + # 由拼接后的Laplace金字塔恢复原图像 + rows, cols, channel = gaussPyr1[-1].shape # 高斯金字塔顶层 G4:(32,32) + lmask = cv2.resize(mask, (cols, rows), interpolation=cv2.INTER_AREA) + lmask = lmask[:, :, np.newaxis] + stackG4 = gaussPyr1[-1] * (1-lmask) + gaussPyr2[-1]*lmask # 拼接高斯金字塔顶层 + stackG3 = lapStack[3] + cv2.pyrUp(stackG4) # stackG3:(64,64) + stackG2 = lapStack[2] + cv2.pyrUp(stackG3) # stackG2:(128,128) + stackG1 = lapStack[1] + cv2.pyrUp(stackG2) # stackG1:(256,256) + stackG0 = lapStack[0] + cv2.pyrUp(stackG1) # stackG0:(512,512) + + return stackG0 \ No newline at end of file